AI & ML Glossary

Comprehensive dictionary of artificial intelligence and machine learning terms. From foundational concepts to cutting-edge technologies.

152 Terms Available

A

Accelerator

AI

Specialized computing hardware designed to perform specific types of computations more efficiently than general-purpose processors, particularly for AI and machine learning workloads.

Read more

Accuracy

AI

A fundamental evaluation metric measuring the proportion of correct predictions made by a machine learning model out of all predictions, providing a basic measure of model performance.

Read more

Activation Function

AI

An Activation Function is a mathematical function applied to neural network nodes to determine their output, introducing non-linearity and enabling networks to learn complex patterns.

Read more

Activation Function

AI

A mathematical function applied to neural network outputs that introduces non-linearity, enabling networks to learn complex patterns and relationships.

Read more

Agentic AI

AI

Agentic AI refers to artificial intelligence systems designed to act autonomously, make decisions, and pursue goals with minimal human supervision, representing the next evolution in AI capabilities.

Read more

AI Agents

AI

AI Agents are autonomous systems that perceive their environment, make decisions, and take actions to achieve specific goals using artificial intelligence capabilities.

Read more

AI Assistant

AI

Intelligent software agents that help users complete tasks through natural language interaction and automated reasoning capabilities.

Read more

AI Automation

AI

AI Automation is the use of artificial intelligence technologies to automatically perform tasks, make decisions, and execute processes that traditionally required human intervention.

Read more

Artificial General Intelligence

AI

Artificial General Intelligence refers to AI systems with human-level cognitive abilities across all domains, capable of understanding, learning, and applying intelligence as flexibly as humans.

Read more

Artificial Intelligence

AI

Artificial Intelligence (AI) is the simulation of human intelligence processes by machines, especially computer systems, enabling them to perform tasks that typically require human cognitive abilities.

Read more

ASI (Artificial Superintelligence)

AI

Hypothetical AI that surpasses human intelligence in all domains, representing the ultimate goal and potential risk of AI development.

Read more

Attention Mechanism

AI

Attention Mechanism is a neural network technique that allows models to focus on relevant parts of input data, improving performance on sequence-to-sequence tasks.

Read more

Autoencoder

AI

An Autoencoder is an unsupervised neural network architecture that learns efficient data representations by compressing input data and then reconstructing it.

Read more

C

Cache

AI

High-speed storage that temporarily holds frequently accessed data closer to processing units, reducing latency and improving system performance by minimizing access to slower storage systems.

Read more

Chatbot

AI

A Chatbot is an AI-powered conversational agent that simulates human-like dialogue through text or voice interactions, providing automated responses to user queries.

Read more

CNN (Convolutional Neural Network)

AI

CNN (Convolutional Neural Network) is a deep learning architecture specialized for processing grid-like data such as images, using convolutional layers to detect spatial patterns and features.

Read more

Compiler

AI

Software that translates high-level machine learning model descriptions into optimized, executable code for specific hardware platforms, enabling efficient AI model deployment.

Read more

Computer Vision

AI

Computer Vision is a field of AI that trains computers to interpret and understand visual information from the world, enabling machines to identify objects, faces, and scenes in images and videos.

Read more

Context

AI

The surrounding information that provides meaning and relevance to a particular element, fundamental to how AI models understand and process information.

Read more

Conversational AI

AI

Advanced AI technology that enables natural, human-like dialogue through sophisticated language understanding and generation capabilities.

Read more

Convolutional Neural Network

AI

Convolutional Neural Networks are deep learning architectures designed for processing grid-like data such as images, using convolutional layers to detect spatial patterns and features.

Read more

Core

AI

An independent processing unit within a CPU or GPU that can execute instructions concurrently with other cores, enabling parallel computation and improved performance in multi-threaded applications.

Read more

Cosine

AI

Learn about Cosine and its applications in artificial intelligence and machine learning.

Read more

CoT (Chain-of-Thought)

AI

A reasoning technique that encourages language models to break down complex problems into intermediate steps, showing their work step-by-step to arrive at more accurate and explainable solutions.

Read more

CPU

AI

Central Processing Unit, the primary general-purpose processor in computing systems that executes instructions and coordinates system operations, including AI and ML tasks.

Read more

Cross-Entropy

AI

A measure of the difference between two probability distributions, widely used as a loss function in machine learning classification tasks.

Read more

D

DAG

AI

Directed Acyclic Graph, a mathematical structure used in computer science and data processing to represent workflows, dependencies, and computational graphs where nodes represent tasks or operations and directed edges represent dependencies without cycles.

Read more

Dataset

AI

A collection of structured data used to train, validate, and test machine learning models, containing examples, labels, and features relevant to specific AI tasks.

Read more

Decoder

AI

A neural network component that generates output sequences from encoded representations, essential in language models, machine translation, and generative AI systems.

Read more

Deep Learning

AI

Deep Learning is a subset of machine learning that uses multilayered neural networks to model and understand complex patterns in data, mimicking the human brain's information processing.

Read more

Diffusion Models

AI

Generative AI models that create high-quality images, audio, and other content by learning to reverse a gradual noise addition process.

Read more

Dimensions

AI

In artificial intelligence, particularly in machine learning and natural language processing (NLP), dimensions refer to the number of numerical values (features) in a vector embedding.

Read more

Distance

AI

A mathematical measure of how far apart two objects, points, or vectors are in a given space, fundamental to many machine learning algorithms.

Read more

Dot Product

AI

Learn about Dot Product and its applications in artificial intelligence and machine learning.

Read more

Dropout

AI

Dropout is a regularization technique that randomly sets a fraction of input units to zero during training to prevent overfitting and improve generalization in neural networks.

Read more

E

Edge AI

AI

Edge AI is the deployment of artificial intelligence algorithms and models directly on local devices at the network edge, enabling real-time processing without relying on cloud connectivity.

Read more

Eigenvalue

AI

A scalar value that represents the factor by which an eigenvector is scaled when a linear transformation is applied, fundamental to understanding matrix behavior, system stability, and dimensionality reduction.

Read more

Eigenvector

AI

A non-zero vector that, when a linear transformation is applied to it, changes only by a scalar factor, fundamental to understanding linear transformations, dimensionality reduction, and matrix analysis.

Read more

Embeddings

AI

Embeddings are dense vector representations that capture semantic meaning and relationships between words, sentences, or other data types in a continuous mathematical space.

Read more

Encoder

AI

A neural network component that transforms input data into meaningful representations, typically used in sequence-to-sequence models and transformers.

Read more

Ensemble Learning

AI

Ensemble Learning is a machine learning technique that combines multiple models to create a stronger predictor than any individual model, improving accuracy and robustness through model diversity.

Read more

Entropy

AI

A measure of uncertainty, randomness, or information content in a probability distribution, fundamental to information theory and machine learning.

Read more

Euclidean

AI

Learn about Euclidean and its applications in artificial intelligence and machine learning.

Read more

F

F1 Score

AI

A classification metric that combines precision and recall into a single score using their harmonic mean, providing a balanced measure of model performance.

Read more

Feature

AI

An individual measurable property or characteristic of observed data that serves as input to machine learning models for training and prediction.

Read more

Federated Learning

AI

Federated Learning is a distributed machine learning approach that trains models across decentralized devices or servers holding local data samples, without centralizing the data.

Read more

Feedforward

AI

Neural network architectures and layers where information flows in one direction from input to output, without cycles or feedback loops.

Read more

Fine-tuning

AI

Fine-tuning is the process of adapting a pre-trained AI model to a specific task or domain by training it on additional task-specific data.

Read more

Float32Array

AI

A Float32Array is a typed array used to store 32-bit floating point numbers. In AI, it’s often used to store vectors (e.g., embeddings) in memory-efficient formats.

Read more

Float64Array

AI

Float64Array stores 64-bit floating point numbers, allowing for double precision. It’s used when high numerical accuracy is more important than saving memory.

Read more

FLOPs

AI

Floating-Point Operations Per Second, a measure of computational performance indicating how many floating-point arithmetic operations a processor can execute per second.

Read more

Foundation Model

AI

Foundation models are large-scale AI models trained on broad datasets that serve as the foundation for multiple downstream applications through adaptation and fine-tuning.

Read more

Foundation Models

AI

Foundation Models are large AI models trained on broad data that serve as the base for adapting to various downstream tasks across multiple domains and applications.

Read more

L

Large Language Model

AI

A Large Language Model (LLM) is an advanced AI system trained on vast amounts of text data to understand, generate, and manipulate human language with remarkable sophistication.

Read more

Layer

AI

A fundamental building block of neural networks where groups of neurons process input data through learned transformations before passing results to the next layer.

Read more

LLaMA

AI

Large Language Model Meta AI, a family of foundation language models developed by Meta AI that ranges from 7B to 65B parameters, designed to be efficient, performant, and more accessible for research and development.

Read more

LLM

AI

A Large Language Model (LLM) is a type of artificial intelligence trained on vast amounts of text data to understand and generate human language.

Read more

LMM (Large Multimodal Model)

AI

Large Multimodal Models are AI systems capable of understanding and generating content across multiple modalities like text, images, audio, and video.

Read more

Logits

AI

Raw, unnormalized prediction scores output by neural networks before applying activation functions, representing the model's confidence in different possible outputs.

Read more

LoRA (Low-Rank Adaptation)

AI

Parameter-efficient fine-tuning technique that adapts large language models by training only small rank decomposition matrices.

Read more

Loss Function

AI

A Loss Function is a mathematical function that measures the difference between predicted and actual values, guiding neural network training by quantifying prediction errors.

Read more

LPU

AI

Language Processing Unit, a specialized chip architecture designed specifically for efficient inference of large language models and transformer architectures.

Read more

LSH (Locality-Sensitive Hashing)

AI

Learn about LSH (Locality-Sensitive Hashing) and its applications in artificial intelligence and machine learning.

Read more

LSTM (Long Short-Term Memory)

AI

LSTM (Long Short-Term Memory) is an advanced recurrent neural network architecture designed to learn long-term dependencies in sequential data by solving the vanishing gradient problem.

Read more

M

Machine Learning

AI

Machine Learning (ML) is a subset of artificial intelligence that enables computers to learn and improve from experience without being explicitly programmed for every task.

Read more

Matrix

AI

A rectangular array of numbers, symbols, or expressions arranged in rows and columns, fundamental to linear algebra and essential for representing transformations, data, and computations in machine learning and scientific computing.

Read more

MBU

AI

Memory Bandwidth Utilization, a performance metric measuring how effectively a computing system uses its available memory bandwidth when executing machine learning workloads.

Read more

MCP (Model Context Protocol)

AI

Open standard that enables secure, controlled interactions between AI applications and external data sources and tools.

Read more

Memory

AI

Physical storage components that hold data and instructions for immediate access by processors, including various types of volatile and non-volatile memory technologies used in computing systems.

Read more

MFU

AI

Model FLOPs Utilization, a metric measuring how efficiently a computing system utilizes its theoretical peak floating-point performance when running machine learning models.

Read more

Mixture of Experts

AI

Mixture of Experts is a machine learning architecture that uses multiple specialized models (experts) with a gating mechanism to dynamically route inputs to the most relevant experts for processing.

Read more

ML (Machine Learning)

AI

Learn about ML (Machine Learning) and its applications in artificial intelligence and machine learning.

Read more

Multi-Head Attention

AI

A mechanism that runs multiple attention functions in parallel, allowing models to capture different types of relationships and dependencies simultaneously.

Read more

Multimodal AI

AI

Multimodal AI refers to artificial intelligence systems that can process, understand, and generate content across multiple types of data including text, images, audio, and video.

Read more

P

Parameter

AI

Learnable variables in machine learning models that are adjusted during training to minimize loss and enable the model to perform its intended task, representing the knowledge acquired by the model.

Read more

Perplexity

AI

A metric for evaluating language models that measures how well a model predicts text, with lower perplexity indicating better predictive performance.

Read more

Pipeline

AI

A sequence of connected data processing stages where the output of one stage becomes the input of the next, enabling efficient and organized workflows in machine learning and data processing systems.

Read more

Pooling Layer

AI

Pooling layers downsample feature maps in neural networks, reducing computational requirements while preserving important spatial information and providing translation invariance.

Read more

Precision

AI

A classification metric measuring the proportion of true positive predictions among all positive predictions, indicating the quality and reliability of positive identifications.

Read more

Product Quantization

AI

Learn about Product Quantization and its applications in artificial intelligence and machine learning.

Read more

Prompt

AI

Input text or instructions given to an AI model to guide its response generation, serving as the primary interface for communicating with language models.

Read more

Prompt Engineering

AI

Prompt Engineering is the practice of crafting and optimizing input prompts to effectively communicate with AI language models and achieve desired outputs.

Read more

Pruning

AI

A neural network optimization technique that removes unnecessary weights, neurons, or connections to reduce model size and computational requirements while maintaining performance.

Read more

R

RAG (Retrieval-Augmented Generation)

AI

RAG (Retrieval-Augmented Generation) is an AI technique that combines large language models with external knowledge retrieval to provide more accurate and contextually relevant responses.

Read more

Reasoning Models

AI

AI systems that perform logical thinking, problem-solving, and multi-step inference to reach conclusions and make decisions.

Read more

Recall

AI

A classification metric measuring the proportion of actual positive cases correctly identified by the model, indicating the model's ability to find all relevant instances.

Read more

Regularization

AI

Regularization is a set of techniques used in machine learning to prevent overfitting by adding constraints or penalties to models, improving their ability to generalize to new data.

Read more

Reinforcement Learning

AI

Reinforcement Learning is a machine learning approach where agents learn optimal behavior through trial and error by receiving rewards or penalties for their actions.

Read more

Reinforcement Learning from Human Feedback

AI

RLHF is a machine learning approach that uses human preferences and feedback to train AI models, enabling alignment with human values and improving model behavior through reward learning.

Read more

ReLU

AI

Rectified Linear Unit, a simple and effective activation function that outputs the input for positive values and zero for negative values.

Read more

Residual Connection

AI

Skip connections that add the input of a layer directly to its output, enabling the training of very deep neural networks by facilitating gradient flow.

Read more

Retrieval-Augmented Generation

AI

Retrieval-Augmented Generation combines language models with external knowledge retrieval to generate more accurate, up-to-date, and factually grounded text responses.

Read more

RNN (Recurrent Neural Network)

AI

RNN (Recurrent Neural Network) is a type of neural network designed for processing sequential data by maintaining memory of previous inputs through recurrent connections.

Read more

RoBERTa

AI

Robustly Optimized BERT Pretraining Approach, an improved version of BERT that uses optimized training procedures, larger datasets, and refined hyperparameters to achieve better performance on natural language understanding tasks.

Read more

T

Tanh

AI

Hyperbolic tangent activation function that maps inputs to outputs between -1 and 1, offering zero-centered outputs and smooth gradients.

Read more

Tensor

AI

A mathematical object that generalizes scalars, vectors, and matrices to higher dimensions, fundamental to deep learning, physics, and multidimensional data representation and computation.

Read more

Thread

AI

A lightweight execution unit within a process that can run concurrently with other threads, sharing memory space while maintaining independent execution paths for parallel processing.

Read more

Token

AI

The basic unit of text processing in natural language models, representing words, subwords, or characters that AI systems use to understand and generate language.

Read more

Tokenization

AI

The process of breaking down text into smaller units called tokens for processing by natural language processing and AI models.

Read more

Tokenize

AI

The process of breaking down text or other sequential data into smaller units called tokens, which serve as the fundamental input elements for natural language processing and machine learning models.

Read more

Tokenizer

AI

A system component that converts raw text into tokens (discrete units) that machine learning models can process, serving as the bridge between human language and AI understanding.

Read more

Tool Call

AI

The mechanism by which AI models, particularly language models, invoke external functions, APIs, or systems to extend their capabilities beyond text generation, enabling interaction with external tools and services.

Read more

TOPS

AI

Tera Operations Per Second, a performance metric measuring the computational throughput of processors, particularly for AI and machine learning workloads including both integer and floating-point operations.

Read more

ToT (Tree-of-Thought)

AI

An advanced reasoning framework that enables language models to explore multiple reasoning paths simultaneously, maintaining a tree-like structure of thoughts to solve complex problems through deliberate search and evaluation.

Read more

TPU

AI

Tensor Processing Unit, Google's custom ASIC designed specifically for accelerating machine learning workloads, particularly tensor operations and neural networks.

Read more

Training

AI

The process of teaching a machine learning model to recognize patterns and make predictions by exposing it to data and adjusting its parameters through iterative optimization.

Read more

Transfer Learning

AI

Transfer Learning is a machine learning technique where a model trained on one task is adapted for use on a related task, leveraging pre-existing knowledge to improve learning efficiency and performance.

Read more

Transformer

AI

Transformer is a neural network architecture that uses attention mechanisms to process sequential data in parallel, revolutionizing natural language processing and AI.

Read more