Tags

, , , , ,


Here is the full content of Popular AI Terms Explained, transcribed as clean, readable text tables, organised by section.

SectionTermExplanation
Core DefinitionsArtificial Intelligence (AI)Systems that carry out tasks typically requiring human cognition: reasoning, learning, perception, decision-making
Machine Learning (ML)AI subset where systems learn patterns from data rather than using explicit programmed rules
Deep Learning (DL)ML using multi-layered neural networks to learn hierarchical representations from large datasets
Neural NetworkUsing a small amount of labelled data and a large amount of unlabeled data
Learning ParadigmsSupervised LearningComputational model using interconnected nodes (neurons) organised in layers to process information
Unsupervised LearningTraining on unlabeled data to discover hidden patterns or groupings
Reinforcement Learning (RL)Learning by trial-and-error from rewards and penalties based on actions
Semi-Supervised LearningA transformer-based model trained on vast text to understand and generate language
Self-Supervised LearningGenerating labels from the data itself (common in modern large language models)
Transfer LearningReusing a pre-trained model on a new but related task
Few-Shot LearningLearning from very few examples (typically 1–10)
Zero-Shot LearningPerforming tasks without task-specific training examples
Model Architecture & TrainingTransformerArchitecture using self-attention mechanisms; foundation of modern LLMs
Large Language Model (LLM)AI subset where systems learn patterns from data rather than using explicitly programmed rules
Pre-trainingInitial training on massive unlabeled data to learn broad patterns
Fine-tuningFurther training a pre-trained model on smaller, task-specific data
ParametersLearnable weights in a model (billions in large models)
HyperparametersConfiguration settings fixed before training (learning rate, batch size, etc.)
Training DataDataset used to teach a model patterns and knowledge
EpochOne entire pass through the entire training dataset
Batch SizeNumber of samples processed before updating model parameters
Gradient DescentA system that perceives the environment, reasons, and takes actions toward goals
Generative AIGenerative AIAI that creates new content (text, images, audio, video, code)
PromptInput text/instruction that directs a generative model’s output
TokenBasic unit of text processing (word, subword, or character)
Context WindowMaximum token length a model can consider at once
TemperatureParameter controlling output randomness (lower = more deterministic)
Diffusion ModelA prompting technique that elicits step-by-step reasoning
AI Agents & SystemsAI AgentA generative model that progressively adds then removes noise to create data
Agentic AIAutonomous agents that plan, use tools, and complete complex tasks
Tool UseAI’s ability to invoke external functions (search, calculators, code execution)
Chain-of-Thought (CoT)Multiple specialised agents collaborating to solve problems
ReActReasoning + Acting loop (think → act → observe → think)
Multi-Agent SystemsCombining the retrieval of external knowledge with generation
NLP & LanguageNatural Language Processing (NLP)AI focused on understanding, interpreting, and generating human language
EmbeddingDense vector representation of words or sentences in semantic space
TokenizationSplitting text into tokens for model processing
RAG (Retrieval-Augmented Generation)Model memorises training data instead of generalizing
Vision & MultimodalComputer VisionAI that interprets and analyzes visual information from images/videos
Multimodal AIModels that process and combine multiple data types (text, image, audio)
OCROptical Character Recognition
CLIPModel that connects images and text in a shared embedding space
Model Behavior & ProblemsHallucinationModel generating plausible but factually incorrect or fabricated content
OverfittingModel memorises training data instead of generalising
UnderfittingThe model is too simple to capture patterns
BiasStandardised test for comparing model performance
Prompt InjectionMalicious inputs designed to override a model’s instructions
Evaluation & MetricsBenchmarkAn optimisation algorithm that iteratively adjusts parameters to minimize loss
AccuracyProportion of correct predictions
Precision / Recall / F1Metrics for classification, especially imbalanced datasets
PerplexityMeasures how well a language model predicts text (lower = better)
Ground TruthVerified correct answer used for training or evaluation
Safety & EthicsExplainable AI (XAI)Architecture where different sub-networks specialise in different inputs
Red TeamingAdversarial testing to identify vulnerabilities
Constitutional AITraining approach using principles to guide behavior
GuardrailsConstraints preventing harmful or undesired outputs
Model CardDocumentation of a model’s capabilities, limitations, and intended use
Infrastructure & DeploymentAPIApplication Programming Interface for interacting with models
InferenceRunning a trained model to generate outputs
GPU / TPUGraphics/Processing Units; hardware accelerating training and inference
QuantizationReducing model precision (e.g., 32-bit → 8-bit) to decrease size and speed inference
Edge AIRunning AI models locally on devices rather than cloud servers
Advanced ConceptsLatent SpaceCompressed representation space where data is manipulated
Emergent AbilitiesCapabilities appearing in large models that were not explicitly trained for
Scaling LawsPredictable relationships between model size, data, and performance
In-Context LearningModel adapts to tasks from examples provided in the prompt
Mixture of Experts (MoE)Architecture where different sub-networks specialize in different inputs
AGIArtificial General Intelligence (hypothetical AI matching human-level reasoning across all cognitive tasks)
ASIArtificial Superintelligence (theoretical AI surpassing human intelligence in all areas)

Discover more from GOOD STRATEGY

Subscribe to get the latest posts sent to your email.