Architectures where one input or controller manages multiple outputs or agents, applicable in fields like neural networks and robotics.
Method used to compare two versions of a variable to determine which one performs better in achieving a specific outcome.
Studies the simulation of life processes within computers or synthetic systems to gain insights into biological phenomena.
Systems and methods that enable interactive communication between autonomous agents and computer programs.
Probabilistic technique for solving computational problems which can be reduced to finding good paths through graphs, inspired by the behavior of ants seeking paths between their colony and food sources.
Algorithm for gradient-based optimization of stochastic objective functions, widely used in training DL models.
AI capable of understanding, learning, and applying knowledge across a wide range of tasks, matching or surpassing human intelligence.
Phenomenon where once an AI system can perform a task previously thought to require human intelligence, the task is no longer considered to be a benchmark for intelligence.
Set of policies, principles, and practices that guide the ethical development, deployment, and regulation of artificial intelligence technologies.
Organizations, frameworks, or systems designed to monitor, regulate, and guide the development and deployment of artificial intelligence technologies to ensure they adhere to ethical standards, legal requirements, and societal expectations.
Periods of reduced funding and interest in AI research and development, often due to unmet expectations and lack of significant progress.
Computing systems inspired by the biological neural networks that constitute animal brains, designed to progressively improve their performance on tasks by considering examples.
Statistical algorithms used in time series forecasting, where future values are predicted based on a weighted sum of past observations.
Hypothetical form of AI that surpasses human intelligence across all domains, including creativity, general wisdom, and problem-solving capabilities.
Tiered system for categorizing the risk levels associated with AI systems to guide their development and deployment responsibly.
Translates spoken language into written text, enabling computers to understand and process human speech.
Self-driving cars that combine sensors, algorithms, and software to navigate and drive without human intervention.
Form of logical inference that starts with an observation and seeks the simplest and most likely explanation for it.
Method where components of a neural network are systematically removed or altered to study their impact on the model's performance.
Technique that uncensors language models by removing alignment restrictions without requiring retraining.
Hardware designed to speed up specific types of computations, such as those needed for AI model training and inference.
Method used in LLMs to extend the context window they can process by employing a technique of condensing and streamlining longer text sequences.
Theory that cognitive processes can extend beyond the human mind to include external devices or environments as integral components of thinking.
Theoretical framework in neuroscience and artificial intelligence that describes how agents infer and act to minimize their prediction errors about the state of the world.
Neural network layer used to enable transfer learning by adding small, trainable modules to a pre-trained model, allowing it to adapt to new tasks with minimal additional training.
Lightweight, modular component added to a pre-trained model to fine-tune it for specific tasks without altering the original model's parameters significantly.
The capacity of AI systems to modify their approaches to problem-solving based on new data, feedback, or changing environments, enhancing their efficiency and effectiveness over time.
Manipulating input data to deceive machine learning models, causing them to make incorrect predictions or classifications.
ML technique aimed at reducing bias in models by using adversarial training, where one network tries to predict sensitive attributes and another tries to prevent it.
Inputs designed to deceive AI models into making incorrect predictions or decisions, highlighting vulnerabilities in their learning algorithms.
Communication and cooperation between autonomous agents within a multi-agent system to achieve individual or collective goals.
System capable of perceiving its environment through sensors and acting upon that environment to achieve specific goals.
Advanced AI capable of making decisions and taking actions autonomously to achieve specific goals, embodying characteristics of agency and decision-making usually associated with humans or animals.
Deep convolutional neural network that significantly advanced the field of computer vision by winning the ImageNet Large Scale Visual Recognition Challenge in 2012.
Step-by-step procedure or formula for solving a problem or performing a task.
Systematic and unfair discrimination embedded in the outcomes of algorithms, often reflecting prejudices present in the training data or design process.
Process of ensuring that an AI system's goals and behaviors are consistent with human values and ethics.
Electronic environments that are sensitive, adaptive, and responsive to the presence of people, aiming to enhance the quality of life through seamless integration of technology.
Process of identifying unusual patterns that deviate from expected behavior, often used to detect fraud, network intrusions, or unusual transactions.
Design and creation of artificial systems capable of self-maintenance and reproduction, mirroring the autopoietic characteristics of living organisms.
Software system designed to perform tasks or services for an individual, often leveraging NLP and ML to interact and respond intelligently.
Component in attention mechanisms of neural networks that determines the importance of each element in a sequence relative to others, allowing the model to focus on relevant parts of the input when generating outputs.
Dynamically prioritize certain parts of input data over others, enabling models to focus on relevant information when processing complex data sequences.
Type of neural network that dynamically focuses on specific parts of the input data, enhancing the performance of tasks like language translation, image recognition, and more.
Mechanism that selectively focuses on certain parts of the input data to improve processing efficiency and performance outcomes.
Matrix used in attention mechanisms within neural networks, particularly in transformer models, to project input vectors into query, key, and value vectors.
Refers to mechanisms that allow models to dynamically focus on specific parts of input data, enhancing the relevance and context-awareness of the processing.
Process of verifying the integrity and authenticity of hardware, software, or data.
Autonomous AI agent that uses GPT-4 to generate prompts for itself, enabling it to complete tasks with minimal human intervention.
Streamlines the process of applying ML by automating the tasks of selecting the appropriate algorithms and tuning their hyperparameters.
Feature in software applications that predicts and suggests possible completions for a user’s input, such as text or code, based on partial input data.
Type of artificial neural network used to learn efficient codings of unlabeled data, typically for the purpose of dimensionality reduction or feature learning.
Automatic differentiation system embedded within various ML frameworks that facilitates the computation of gradients, which are crucial for optimizing models during training.
Systems capable of independent action in dynamic, unpredictable environments to achieve designated objectives.
Systems capable of learning and adapting their strategies or knowledge without human intervention, based on their interactions with the environment.
Capacity of AI systems to make independent decisions or draw conclusions based on logic or data without human intervention.
Systems capable of reproducing and maintaining themselves by regulating their internal environment in response to external conditions.
Method where the prediction of the next output in a sequence is based on the previously generated outputs.
Enables direct communication pathways between the brain and external devices, allowing for control of computers or prosthetics with neural activity.
Deep Learning model for NLP that significantly improves the understanding of context and the meaning of words in sentences by analyzing text bidirectionally.
Utilize higher-order spectral features for improved signal processing and pattern recognition tasks, enhancing traditional neural network capabilities.
Complex networks of neurons found in biological organisms, responsible for processing and transmitting information through electrical and chemical signals.
ML method that aims to reduce model complexity and computational cost by quantizing weights and activations to binary values.
Algorithm used for training artificial neural networks, crucial for optimizing the weights to minimize error between predicted and actual outcomes.
ML ensemble technique that improves the stability and accuracy of machine learning algorithms by combining multiple models trained on different subsets of the same data set.
Pre-trained AI model that serves as a starting point for further training or adaptation on specific tasks or datasets.
Method of statistical inference in which Bayes' theorem is used to update the probability estimate for a hypothesis as more evidence or information becomes available.
Graphical model that represents probabilistic relationships among variables using directed acyclic graphs (DAGs).
Strategy for optimizing complex, expensive-to-evaluate functions by building a probabilistic model of the function and using it to select the most promising points to evaluate.
Recursive formula used to find the optimal policy in decision-making processes, particularly in the context of dynamic programming and RL.
Standard or set of standards used to measure and compare the performance of algorithms, models, or systems.
Fundamental problem in supervised ML that involves a trade-off between a model’s ability to minimize error due to bias and error due to variance.
Systematic errors in data or algorithms that create unfair outcomes, such as privileging one arbitrary group of users over others.
Computational system that uses biological molecules, such as DNA and proteins, to perform data processing and storage tasks.
System or model whose internal workings are not visible or understandable to the user, only the input and output are known.
Situation in problem-solving where a path or strategy leads nowhere, offering no further possibilities for progress or solution.
Text representation technique used in NLP to simplify text content by treating it as an unordered set of words.
Stochastic recurrent neural network used to learn and represent complex probability distributions over binary variables.
ML ensemble technique that combines multiple weak learners to form a strong learner, aiming to improve the accuracy of predictions.
Combines the use of brain organoids—3D cultures of human brain cells—with reservoir computing principles to create advanced computational models for studying neural dynamics and intelligence.
AI systems designed to emulate the functions and processes of the human brain, focusing on cognitive and neural-inspired computing.
Number of possible actions or moves that can be taken from any given point in a decision-making process, such as in game trees or search algorithms.
Straightforward problem-solving approach that systematically enumerates all possible candidates to find a solution.
Initiative focused on establishing industry standards for authenticating digital media content to combat misinformation and ensure content provenance.
Algorithm used to approximate the gradient of the log-likelihood for training probabilistic models.
Text-based user interface used to interact with software or operating systems through commands, rather than graphical elements.
Machine learning model developed by OpenAI that learns visual concepts from natural language descriptions, enabling it to understand images in a manner aligned with textual descriptions.
Deep learning algorithm that can capture spatial hierarchies in data, particularly useful for image and video recognition tasks.
Mathematical problems defined by a set of variables, a domain of values for each variable, and a set of constraints specifying allowable combinations of values.
Parallel computing platform and application programming interface (API) that allows software developers and software engineers to use a graphics processing unit (GPU) for general purpose processing.
Strategies and mechanisms implemented to ensure that AI systems act within desired limits, preventing them from performing actions that are undesired or harmful to humans.
Conceptual framework used to describe the progression of an AI system's abilities from simple, specific tasks to complex, general tasks.
Type of artificial neural network that aims to more accurately model hierarchical relationships and spatial information in visual data by using groups of neurons called capsules.
Type of artificial neural network designed to improve the processing of spatial hierarchical information by encoding data into small groups of neurons called capsules.
Phenomenon where a neural network forgets previously learned information upon learning new data.
Application of DL techniques to analyze and predict categorical data, which includes discrete and typically non-numeric values that represent categories or classes.
Process of determining the cause-and-effect relationship between variables.
Collaborative system where humans and AI work together, combining human intuition and expertise with AI's computational power and data processing capabilities.
Advanced conversational AI model developed by OpenAI based on the GPT architecture, designed to generate human-like text responses.
Software application designed to simulate conversation with human users, often over the Internet.
Practice of selectively choosing the most favorable results from multiple outputs generated by an algorithm, often used to present the algorithm in a better light.
Strategy in training LLMs that optimizes the ratio of model size to training data size.
Method of grouping similar pieces of information together to simplify processing and enhance memory performance.
Supervised learning task in ML where the goal is to assign input data to one of several predefined categories.
ML model that categorizes data into predefined classes.
Unsupervised learning method used to group a set of objects in such a way that objects in the same group (called a cluster) are more similar to each other than to those in other groups.
System designed to assist humans in various tasks by offering suggestions, automating routine tasks, and enhancing decision-making processes.
Reasoning method employed in AI that mimics human-like thought processes to solve complex problems by breaking them down into a series of simpler, interconnected steps.
A theory or model that outlines the underlying structure and mechanisms of the human mind or AI systems, guiding the integration of various cognitive processes.
Computer systems that simulate human thought processes to solve complex problems.
Mental ability to switch between thinking about two different concepts, or to think about multiple concepts simultaneously.
Synergy between human intelligence and AI to achieve outcomes neither could accomplish alone.
Intricate, multi-layered exchanges or behaviors between components of an AI system, or between the AI system and its environment, which may involve non-linear dynamics and feedback loops.
Design feature in software systems that allows different components to be selected and assembled in various combinations to satisfy specific user requirements.
Cognitive process of understanding complex concepts or systems by breaking them down into their constituent parts and understanding the relationships between these parts.
The study and building of software and algorithms that exhibit behaviors deemed creative in humans, such as generating original artwork, music, or solving problems in unique ways.
Effective use of computational resources to maximize performance and minimize waste.
Processing power and resources required to run AI algorithms and models.
Process where models produce output based on specified conditions or constraints.
Measures the likelihood of an event occurring, given that another event has already occurred.
Security measure that protects data in use by performing computation in a hardware-based environment, preventing unauthorized access or visibility even if the system is compromised.
Table used to evaluate the performance of a classification model by visualizing its true versus predicted values.
Set of computational models in AI that simulate the human brain's network of neurons to process information and learn from data.
Development of foundational principles and regulations that govern the design, deployment, and operation of AI systems to ensure they adhere to ethical standards, human rights, and democratic values.
Predefined span of text surrounding a specific word or phrase that algorithms analyze to determine its meaning, relevance, or relationship with other words.
Process of incrementally training a pre-trained ML model on new data or tasks to update its knowledge without forgetting previously learned information.
Systems and models that learn incrementally from a stream of data, updating their knowledge without forgetting previous information.
ML technique used primarily in unsupervised learning that improves model performance by teaching the model to distinguish between similar and dissimilar data points.
Challenge of ensuring that highly advanced AI systems act in alignment with human values and intentions.
Computational mechanism used in AI models to adjust certain characteristics of the model's outputs based on specific parameters or conditions.
Neural network architecture designed to add spatial conditioning controls to diffusion models, enabling precise manipulation without altering the original model's integrity.
The point at which an algorithm or learning process stabilizes, reaching a state where further iterations or data input do not significantly alter its outcome.
Process by which a ML model consistently arrives at the same solution or prediction given the same input data, despite variations in initial conditions or configurations.
Measures the cosine of the angle between two vectors in a multidimensional space, often used to determine how similar two items are.
Statements or scenarios that explain how a different outcome could have been achieved by altering specific inputs or conditions in an AI system.
ML concept that ensures decisions remain fair by being unaffected by sensitive attributes, such as race or gender, in hypothetical scenarios where these attributes are altered.
How much two random variables change together
Phenomenon where the criteria used to evaluate a ML model change over time, leading to a potential decline in the model's performance.
Statistical method used to estimate the skill of ML models on unseen data by partitioning the original dataset into a training set to train the model and a test set to evaluate it.
Loss function used to measure the difference between two probability distributions for a given random variable or set of events.
Mechanism in neural networks that allows the model to weigh and integrate information from different input sources dynamically.
Ability of an AI system to understand, learn, and apply knowledge and skills across multiple, varied domains or areas of expertise.
Directives or rules provided by users to AI systems, tailoring the AI's responses or behaviors to specific needs or contexts.
Interdisciplinary study of control and communication in living organisms and machines.
Graph that consists of vertices connected by edges, with the directionality from one vertex to another and no possibility of forming a cycle.
Subset of machine learning that involves neural networks with many layers, enabling the modeling of complex patterns in data.
Advanced ML models designed to understand, generate, and translate human language by leveraging DL techniques.
Advanced type of artificial neural network that integrates an external memory module, enabling it to store and retrieve information similar to a computer, enhancing its capability to solve complex tasks requiring long-term dependencies.
Advanced neural network architectures with multiple layers that enable complex pattern recognition and learning from large amounts of data.
Method used in computer science and mathematics to solve complex problems by breaking them down into simpler subproblems and solving each of these subproblems just once, storing their solutions.
ML technique used to optimize models based directly on user preferences rather than traditional loss functions.
RL technique that combines Q-learning with deep neural networks to enable agents to learn how to make optimal decisions from high-dimensional sensory inputs.
Combines neural networks with a reinforcement learning framework, enabling AI systems to learn optimal actions through trial and error to maximize a cumulative reward.
Algorithm used to measure similarity between two time series by aligning them in a nonlinear fashion, allowing for comparisons even when there are shifts and distortions in time.
Techniques used to increase the size and improve the quality of training datasets for machine learning models without collecting new data.
Process of combining data from multiple sources into a single, cohesive dataset for analysis.
Process of replacing missing or incomplete data within a dataset with substituted values to maintain the dataset's integrity and usability.
Extracting valuable information from large datasets to identify patterns, trends, and relationships that may not be immediately apparent.
Limitation faced when the available data becomes insufficient for further training or improving machine learning models.
Collection of related data points organized in a structured format, often used for training and testing machine learning models.
Methods and practices used to reduce or eliminate biases in AI systems, aiming to make the systems more fair, equitable, and representative of diverse populations.
Flowchart-like tree structure where each internal node represents a "test" on an attribute, each branch represents the outcome of the test, and each leaf node represents a class label (decision taken after computing all attributes).
Process of breaking down a complex problem into smaller, more manageable parts that can be solved individually.
Process of removing noise from data, particularly in the context of images and signals, to enhance the quality of the information.
Method ensuring that AI-generated quotations from source materials are verbatim and not subject to AI-induced hallucinations.
System or process is one that, given a particular initial state, will always produce the same output or result, with no randomness or unpredictability involved.
Mathematical curves described by parametric equations that are differentiable, meaning they have continuous derivatives.
System for publicly sharing information about a dataset by describing the patterns of groups within the dataset while withholding information about individuals in the dataset.
Class of generative models used to create high-quality, diverse samples of data by iteratively adding and then reversing noise.
Number of features or attributes that represent a data point in a vector space.
Process used in ML to reduce the number of input variables or features in a dataset, simplifying models while retaining essential information.
Use of evolutionary algorithms to iteratively improve ML models or algorithms by mimicking the process of natural selection.
Sudden, significant leap in the performance or capability of an AI system, deviating sharply from its previous trajectory of incremental improvements.
Multiplicative factor used to reduce future values or rewards to their present value in decision-making processes, particularly in reinforcement learning.
Algorithms that learn the boundary between classes of data, focusing on distinguishing between different outputs given an input.
Model that determines the likelihood of a given input being real or fake, typically used in generative adversarial networks (GANs).
Measures the similarity between two vectors by calculating the sum of the products of their corresponding entries.
Phenomenon in ML where the prediction error on test data initially decreases, increases, and then decreases again as model complexity grows.
Regularization technique used in neural networks to prevent overfitting by randomly omitting a subset of neurons during training.
AI systems designed for general purposes that can be adapted for both beneficial and potentially harmful applications.
Technologies developed for civilian purposes that can also be repurposed for military or malicious applications, highlighting ethical considerations in their development and regulation.
Theory or concept that emphasizes the division between symbolic (classical) AI and sub-symbolic (connectionist) AI.
Class of deep learning models that learn to associate lower energy levels with more probable configurations of the input data.
Technique used to analyze data sets to summarize their main characteristics, often with visual methods, before applying more formal modeling.
AI approach where learning algorithms improve their performance through systematic experimentation and feedback from the environment.
Statistical technique used to find the maximum likelihood estimates of parameters in probabilistic models, specifically when the model depends on unobserved latent variables.
Ideology that encourages the rapid advancement of technology, especially AI, to address global challenges and accelerate progress towards a technologically advanced future.
Mathematical representation where high-dimensional vectors of data points, such as text, images, or other complex data types, are transformed into a lower-dimensional space that captures their essential properties.
Representations of items, like words, sentences, or objects, in a continuous vector space, facilitating their quantitative comparison and manipulation by AI models.
Integration of AI into physical entities, enabling these systems to interact with the real world through sensory inputs and actions.
Intelligence emerging from the physical interaction of an agent with its environment, emphasizing the importance of a body in learning and cognition.
Phenomenon where larger entities, patterns, and regularities arise through interactions among smaller or simpler entities that themselves do not exhibit such properties.
AI systems designed to recognize, understand, and respond to human emotions in a nuanced and contextually appropriate manner.
Class of deep learning architectures that process an input to generate a corresponding output.
ML approach where a system is trained to directly map input data to the desired output, minimizing the need for manual feature engineering.
ML paradigm where multiple models (often called "weak learners") are trained to solve the same problem and combined to improve the accuracy of predictions.
Property of a function whereby the function commutes with the actions of a group, meaning that transformations applied to the input result in proportional transformations in the output.
Practice of creating AI technologies that follow clearly defined ethical guidelines and principles to benefit society while minimizing harm.
Process of assessing the performance and effectiveness of an AI model or algorithm based on specified criteria and datasets.
Optimization methods inspired by the process of natural selection where potential solutions evolve over generations to optimize a given objective function.
Computing systems capable of performing at least one exaflop, or a billion billion (quintillion) calculations per second.
Computer program designed to mimic the decision-making abilities of a human expert in a specific domain.
Ability of a system to transparently convey how it arrived at a decision, making its operations understandable to humans.
Human cognitive bias that makes it difficult to perceive and understand the implications of exponential growth accurately.
Neural network architecture designed specifically for image segmentation tasks, where the goal is to classify each pixel of an image into a category.
Type of encryption that allows computation on ciphertexts, producing an encrypted result that, when decrypted, matches the result of operations performed on the plaintext.
Type of integrated circuit that can be configured by the customer or designer after manufacturing.
Distributed training method in deep learning that divides both model parameters and optimizer states across multiple devices to improve efficiency and scalability.
ML approach that enables models to learn and make accurate predictions from a very small dataset.
A fabrication facility, or fab, is where microchips are manufactured using sophisticated processes involving advanced materials and photolithography.
Company which designs and markets hardware while outsourcing the manufacturing of silicon wafers and chips to specialized semiconductor foundries.
Focuses on developing algorithms that ensure equitable treatment and outcomes across different demographic groups.
Rapid transition from human-level to superintelligent AI, occurring in a very short period of time.
Fast weights are temporary, rapidly changing parameters in neural networks designed to capture transient patterns or short-term dependencies in data.
Process of selecting, modifying, or creating new features from raw data to improve the performance of machine learning models.
Process of transforming raw data into a set of features that are more meaningful and informative for a specific task, such as classification or prediction.
Techniques used to identify and rank the significance of input variables (features) in contributing to the predictive power of a ML model.
ML approach enabling models to be trained across multiple decentralized devices or servers holding local data samples, without exchanging them.
ML technique designed to recognize patterns and make predictions based on a very limited amount of training data.
Novel architectural extension of traditional transformers, designed to achieve Turing completeness and enhance model performance on complex tasks.
Method used in ML to adjust the parameters of an already trained model to improve its accuracy on a specific, often smaller, dataset.
GPU-optimized attention mechanism designed to efficiently handle extremely large sequences of data in neural networks.
Ability of a system to adapt and interpret meaning in a dynamic, context-sensitive manner, particularly within language processing and understanding.
Structured process of improving problem-solving in tasks like code generation by guiding a model through systematic, iterative refinements based on feedback loops.
Process in a neural network where input data is passed through layers of the network to generate output.
Type of large-scale pre-trained model that can be adapted to a wide range of tasks without needing to be trained from scratch each time.
Technique used in ML to transform input data into a higher-dimensional space using sine and cosine functions, which can help models learn more complex patterns.
Challenge in AI of representing and updating the effects of actions in a dynamic world without having to explicitly state all conditions that remain unchanged.
The most advanced and powerful AI models currently available, pushing the boundaries of AI capabilities towards achieving general intelligence.
Method used in AI to estimate complex functions using simpler, computationally efficient models.
Computational model used to estimate a target function that is generally complex or unknown, often applied in machine learning and control systems.
Advanced ML technique that uses adversarial training to enable an agent to learn behaviors directly from expert demonstrations without requiring explicit reward signals.
Class of AI algorithms used in unsupervised ML, implemented by a system of two neural networks contesting with each other in a game.
Type of neural network that applies attention mechanisms directly to graphs to dynamically prioritize information from different nodes in the graph.
Class of neural networks designed to operate on graph-structured data, leveraging convolutional layers to aggregate and transform features from graph nodes and their neighbors.
Research direction at the intersection of reinforcement learning, deep generative models, and energy-based probabilistic modeling, aimed at improving generative active learning and unsupervised learning.
Concept that emphasizes the quality of output is determined by the quality of input data.
Neural network component that uses a gating mechanism to control information flow, improving model efficiency and performance.
Probabilistic models that assume all data points are generated from a mixture of a finite number of Gaussian distributions with unknown parameters.
Type of neural network designed for processing data represented in graph form, capturing relationships and structure within the data.
Early AI program designed to simulate human problem-solving processes through a heuristic-based approach.
Type of neural network architecture that excels in generating human-like text based on the input it receives.
Specialized electronic circuit designed to rapidly manipulate and alter memory to accelerate the creation of images in a frame buffer intended for output to a display device, but widely used in deep learning for its parallel processing capabilities.
Scenario where there is a lack of adequate GPU resources available for computational tasks.
Neural network architecture designed to enable machines to understand and generate visual scenes from different viewpoints based on limited observations.
Control function that regulates the flow of information through the model, deciding what information to keep, discard, or update.
AI systems designed to generate internal representations of the world, enabling them to predict and interact with their environment effectively across a broad range of scenarios.
Ability of a ML model to perform well on new, unseen data that was not included in the training set.
Subset of AI technologies that can generate new content, ranging from text and images to music and code, based on learned patterns and data.
Process of using AI to automatically create content, such as text, images, or music, based on learned patterns from data.
Subset of AI technologies capable of generating new content, ideas, or data that mimic human-like outputs.
Field of study that extends DL techniques to data that is structured as graphs, manifolds, or more general topological spaces.
Desired outcome or objective that an AI system is programmed to achieve.
AI systems or models that are so powerful and advanced that they could theoretically solve any problem or fulfill any command, but are contained within strict controls to prevent unintended consequences.
Optimization algorithm used to find the minimum of a function by iteratively moving towards the steepest descent direction.
AI field that applies ML techniques to graph-structured data, enabling the analysis and prediction of relationships and behaviors among interconnected nodes.
Field of mathematics and computer science focusing on the properties of graphs, which are structures made up of vertices (or nodes) connected by edges.
Technique used in ML models, especially in NLP, where the model selects the most likely next item in a sequence at each step.
Refers to the process of deeply understanding something intuitively and completely, often used in AI to describe achieving a profound comprehension of complex concepts or systems.
Property of language models that ensures their generated content or interpretations are closely tied to or derived from real-world knowledge and contexts.
Principles, policies, and technical measures implemented to ensure AI systems operate safely, ethically, and within regulatory and societal norms.
Integration of human judgment into AI systems to improve or guide the decision-making process.
Hardware or software through which humans interact with machines, facilitating clear and effective communication between humans and computer systems.
Designated person responsible for overseeing and managing interactions between an AI system and its users or other systems.
Generation of inaccurate, fabricated, or irrelevant output by a model, not grounded in the input data or reality.
Data structure that stores key-value pairs and allows for fast data retrieval by using a hash function to compute an index into an array of buckets or slots, from which the desired value can be found.
Neural network learning rule based on the principle that synapses between neurons are strengthened when the neurons activate simultaneously.
Square matrix of second-order partial derivatives of a scalar-valued function, crucial in optimization, particularly for understanding the curvature of multidimensional functions.
Methods used in AI to find solutions or make decisions more efficiently by using rules of thumb or informed guesses to guide the search process.
Layer of neurons in an artificial neural network that processes inputs from the previous layer, transforming the data before passing it on to the next layer, without direct exposure to the input or output data.
Approach to solving complex problems by breaking them down into more manageable sub-problems, organizing these into a hierarchy.
Length of the future over which decisions are considered, with long horizon involving many future steps and short horizon involving only a few.
AI systems that can perform any intellectual task with the same proficiency as a human being.
Combines symbolic AI (rule-based systems) and sub-symbolic AI (machine learning) approaches to leverage the strengths of both for more versatile and explainable AI systems.
Neural network that generates the weights for another neural network, enabling dynamic adaptation and increased flexibility in learning and generalization.
Process of optimizing the parameters of a ML model that are not learned from data, aiming to improve model performance.
Configuration settings used to structure ML models, which guide the learning process and are set before training begins.
Mathematical concept that represents a subspace in n-dimensional space, with one dimension less than the space itself, used extensively to separate data points in various dimensions.
Methodology designed to assess the ability of AI systems to follow and execute human-given instructions accurately and effectively.
Strategic actions designed to affect the perceptions, attitudes, and behaviors of target audiences to achieve specific objectives.
Process of obtaining relevant information from a large repository based on user queries.
Technique in which an algorithm learns the underlying reward function of an environment based on observed behavior from an agent, essentially inferring the goals an agent is trying to achieve.
AI technique that involves automatically identifying correspondences between textual descriptions and visual elements within images.
Ability of AI to identify objects, places, people, writing, and actions in images.
Use of AI models to generate new, unique images based on learned patterns and features from a dataset.
AI technique where models learn to perform tasks by mimicking human behavior or strategies demonstrated in training data.
Ability of a system to make inferences and draw conclusions that are not explicitly programmed or directly stated in the input data.
Method where an AI model uses the context provided in a prompt to guide its responses without additional external training.
Set of assumptions or biases that a ML model uses to infer patterns from data and make predictions, effectively guiding the learning process based on prior knowledge or expected behavior.
Methods and hardware optimizations employed to increase the speed and efficiency of the inference process in machine learning models, particularly neural networks.
Process by which a trained AI model applies learned patterns to new data to make decisions or predictions during its operational phase.
Process by which a trained neural network applies learned patterns to new, unseen data to make predictions or decisions.
Discrepancy between the information needed to solve a problem or make a decision and the information that is actually available.
Process of combining data from different sources to provide a unified view.
Process of setting the initial values of the parameters (weights and biases) of a model before training begins.
Process of creating a specific instance of an abstract concept, algorithm, or data structure, allowing for its practical use and application.
AI system designed to execute tasks based on specific commands or instructions provided by users.
Process used in ML to optimize a language model’s responses for specific tasks by fine-tuning it on a curated set of instructions and examples.
Ability to accurately understand and execute tasks based on given directives.
Techniques and tools used to monitor, measure, and analyze the performance and behavior of AI systems.
Hypothetical scenario where an AI system rapidly improves its own capabilities and intelligence, leading to a superintelligent AI far surpassing human intelligence.
Planned or desired outcome that an agent aims to achieve through its actions.
Systems, applications, or analyses designed to handle and process the vast and diverse data sets available across the entire internet.
Extent to which a human can understand the cause of a decision made by an AI system.
Property of a model or algorithm that ensures its output remains unchanged when specific transformations are applied to the input data.
Determining the underlying causes or parameters from observed data, essentially reversing the usual process of predicting effects from known causes.
Metaphorically describes an area of AI research characterized by rapid, uneven advances and significant uncertainties or complexities.
Exploiting vulnerabilities in AI systems to bypass restrictions and unlock otherwise inaccessible functionalities.
Neural network design that learns to map different forms of data (e.g., images and text) into a shared embedding space, facilitating tasks like cross-modal retrieval and multi-modal representation learning.
Measure of how one probability distribution diverges from a second, reference probability distribution.
Data storage model where data is stored as a collection of key-value pairs, where each key is unique and maps directly to a value.
Organizes and represents data as an interconnected network of entities (such as objects, events, concepts) and their relationships.
Method by which AI systems formalize and utilize the knowledge necessary to solve complex tasks.
Advanced AI systems designed to interpret and execute complex tasks by directly modeling human actions within digital applications.
Technique used in data compression and neural network optimization that adjusts quantization levels based on local data characteristics to improve accuracy and efficiency.
Nonlinear dimensionality reduction technique that preserves local neighborhood information to reduce high-dimensional data to a lower-dimensional space.
Advanced AI systems trained on extensive datasets to understand, generate, and interpret human language.
Open-source model focused on nature, using a vast, ethically sourced dataset of natural world elements.
Type of artificial neural network designed to process data that changes over time, such as time series data, by simulating a more dynamic and fluid-like behavior.
Type of recurrent neural network architecture designed to learn long-term dependencies in sequential data.
AI system designed to make decisions over extended periods, considering future consequences and outcomes.
Advanced AI systems designed to integrate and interpret both visual and textual data, enabling more sophisticated understanding and generation based on both modalities.
Abstract, multi-dimensional representation of data where similar items are mapped close together, commonly used in ML and AI models.
Branch of mathematics focusing on vector spaces and linear mappings between these spaces, which is essential for many machine learning algorithms.
Technique for fine-tuning LLMs in a parameter-efficient manner.
Process that reduces the spatial dimensions of input data by aggregating information in local regions to create more abstract representations.
Technique where the same weights are used across different positions in an input, enhancing the network's ability to recognize patterns irrespective of their spatial location.
Measure used in statistical models to quantify how well a model predicts a given set of observations, expressed as the logarithm of the likelihood function.
Statistical model that estimates the probability of a binary outcome, commonly used for classification tasks.
Raw, unnormalized outputs of the last layer in a neural network before applying the softmax function in classification tasks.
Quantifies the difference between the predicted values by a model and the actual values, serving as a guide for model optimization.
Process of adjusting a model's parameters to minimize the difference between the predicted outputs and the actual outputs, measured by a loss function.
Issue in LLMs where they tend to struggle with retaining and processing information from the middle parts of long input sequences.
Designed to determine a machine's capability to create art or other outputs that it was not explicitly programmed to generate, challenging it to fool a human into believing the outputs were created by a human.
Process of reducing the bit depth of data representations to streamline computation and improve efficiency in neural network processing and other AI applications.
Systems in which multiple autonomous agents interact with each other within a shared environment to achieve individual or collective goals.
Principle formalization of Occam's Razor in information theory, advocating that the best hypothesis for a given set of data is the one that leads to the shortest total description of the data and the hypothesis.
Strategic and tactical integration of capabilities across multiple domains—such as land, sea, air, space, and cyberspace—enabled and enhanced by artificial intelligence and advanced technologies.
Optimization algorithm used in reinforcement learning to update policies by leveraging the mirror descent technique, which balances exploration and exploitation more effectively than traditional gradient descent methods.
ML approach where training occurs on labeled bags of instances instead of individual instances, particularly useful when exact annotations are missing.
Development of algorithms and statistical models that enable computers to perform tasks without being explicitly programmed for each one.
Statistical method used to estimate the parameters of a probability distribution by maximizing a likelihood function.
Advanced AI systems capable of understanding and generating information across different forms of data, such as text, images, and audio.
Training technique where random words in a sentence are replaced with a special token, and the model learns to predict these masked words based on their context.
Type of artificial neural network comprised of multiple layers of neurons, with each layer fully connected to the next, commonly used for tasks involving classification and regression.
Evaluation framework designed to assess the performance of language models across a broad spectrum of tasks and domains.
Control algorithm that uses a model of the system to predict future states and optimizes control actions over a future time horizon.
ML approach under the umbrella of representation learning, which aims to construct hierarchical representations of data, akin to the nesting structure of Russian matryoshka dolls.
ML approach where a single model is trained simultaneously on multiple related tasks, leveraging commonalities and differences across tasks to improve generalization.
Capability of AI systems to interpret and comprehend data, text, images, or situations in a manner akin to human understanding.
Process by which an ML model is systematically modified to forget specific data, ensuring that the data no longer influences the model's behavior or decisions.
Type of non-linear dimensionality reduction technique used to uncover the underlying structure of high-dimensional data by assuming it lies on a lower-dimensional manifold.
Stochastic model describing a sequence of possible events in which the probability of each event depends only on the state attained in the previous event.
Technique used in NLP models to prevent future input tokens from influencing the prediction of current tokens.
Fundamental operation in linear algebra and essential in various applications, including neural networks and machine learning algorithms.
Method of representing nested structures in data using embeddings that encapsulate multiple layers of information, similar to Russian Matryoshka nesting dolls.
Downsampling technique that reduces the dimensionality of input data by selecting the maximum value from a specified subset of the data.
Study and methods used to understand the specific causal mechanisms through which AI models produce their outputs.
Mechanisms and structures designed to store, manage, and recall information, enabling machines to learn from past experiences and perform complex tasks.
AI technique that emphasizes the structural and syntactical framework of prompts to guide models in problem-solving and task execution, prioritizing the 'how' of information presentation over the 'what'.
Algorithm that combines multiple ML models to improve prediction accuracy over individual models.
Learning to learn involves techniques that enable AI models to learn how to adapt quickly to new tasks with minimal data.
Type of ensemble learning method that uses the predictions of several base regression models to train a second-level model to make a final prediction.
High-level problem-independent algorithmic framework that provides a set of guidelines or strategies to develop heuristic optimization algorithms.
Application of AI technologies in ways that are unethical, illegal, or harmful to individuals or society.
Graphical representation used in data science and ML to visualize the relationships and interactions between different components or features of a dataset.
Probabilistic model that assumes that the data is generated from a mixture of several distributions, each representing a different subpopulation within the overall population.
ML architecture that utilizes multiple specialist models (experts) to handle different parts of the input space, coordinated by a gating mechanism that decides which expert to use for each input.
Techniques designed to reduce the size of a machine learning model without significantly sacrificing its accuracy.
Strategies and methodologies to ensure that a ML model remains accurate and relevant over time as the underlying data changes.
Change in the underlying data patterns that a ML model was trained on, leading to a decrease in the model's accuracy and effectiveness over time.
Centralized repository that houses a collection of pre-trained machine learning models designed to be easily accessible and reusable by developers and researchers.
Abstraction layer at which an AI or ML model operates, focusing on the specific details and mechanics of the model's architecture and functioning.
Practices and technologies used to handle various lifecycle stages of machine learning models including development, deployment, monitoring, and maintenance.
ML algorithm that uses a pre-defined statistical model to make predictions based on input data.
Process by which robots or AI systems acquire, refine, and optimize motor skills through experience and practice.
Pivotal move made by AlphaGo in its second game against Go champion Lee Sedol, which showcased the superior strategic capabilities of AI in the game of Go.
AI technique used in NLP where a model generates multiple output tokens simultaneously, often improving coherence and speed compared to single-token generation methods.
Mechanism in neural networks that allows the model to jointly attend to information from different representation subspaces at different positions.
Multiple autonomous entities (agents) interacting in a shared environment, often with cooperative or competitive objectives.
AI systems or models that can process and understand information from multiple modalities, such as text, images, and sound.
Automated process that designs optimal neural network architectures for specific tasks.
Intelligence systems that operate independently of human intelligence, encompassing a broad range of entities and origins, emphasizing capabilities that may surpass human cognitive processes.
Idiom used to describe the difficulty of finding a specific piece of information or data within a vast, but homogeneous, dataset.
AI systems designed to identify dishonesty or inconsistencies in the outputs or decisions of other AI models by analyzing their responses or behavior.
Field of AI that focuses on the interaction between computers and humans through natural language.
Techniques and methodologies for understanding and generating human language by computers.
Subfield of NLP focused on enabling machines to understand and interpret human language in a way that is both meaningful and contextually relevant.
Character in a virtual environment that operates under AI control, exhibiting behaviors or responses not directed by human players.
Probabilistic classifier that assumes strong (naive) independence between the features of a dataset.
Also known as Weak AI, refers to AI systems designed to perform a specific task or a narrow range of tasks with a high level of proficiency.
Technique for creating high-quality 3D models from a set of 2D images using deep learning.
Control mechanism where the output of a system is fed back into the system in a way that counteracts fluctuations from a setpoint, thereby promoting stability.
Ethical theory that prioritizes minimizing suffering and negative experiences over maximizing happiness and positive experiences.
Computing system designed to simulate the way human brains analyze and process information, using a network of interconnected nodes that work together to solve specific problems.
AI approach that uses evolutionary algorithms to develop and optimize artificial neural networks.
Process by which new neurons are formed in the brain.
Specialized hardware designed to mimic the neural structures and functioning of the human brain to enhance computational efficiency and speed in processing AI algorithms.
Integration of neural networks with symbolic AI to create systems that can both understand and manipulate symbols in a manner similar to human cognitive processes.
Contiguous sequence of N items from a given sample of text or speech.
Irrelevant or meaningless data in a dataset or unwanted variations in signals that can interfere with the training and performance of AI models.
ML approach that focuses on learning useful representations of data without explicitly contrasting positive examples against negative examples.
Algorithms and techniques for handling and analyzing numerical data to extract patterns, make predictions, or understand underlying trends.
Way to understand and compare quantities in terms of their scale or size, typically using powers of ten.
Computer vision technique that identifies and locates objects within an image or video frame.
Objective function used in ML which quantitatively defines the goal of an optimization problem by measuring the performance of a model or solution.
Capability to monitor and understand the internal states of an AI system through its outputs.
ML technique where a model learns information about object categories from a single training example.
Structured framework that categorizes and organizes information or data into a hierarchy of concepts and relationships, facilitating the sharing and reuse of knowledge across systems and domains.
Optimization problem in AI which involves finding the best solution from all feasible solutions, given a set of constraints and an objective to achieve or optimize.
Systematic coordination and management of various models, algorithms, and processes to efficiently execute complex tasks and workflows.
When a ML model learns the detail and noise in the training data to the extent that it negatively impacts the performance of the model on new data.
Disparity between the minimum computation needed for a certain performance level and the actual computation used in training a model, often leading to superior model performance.
ML model that has more parameters than the number of data points available for training.
Probability of an existential catastrophe, often discussed within the context of AI safety and risk assessment.
Manipulation of data analysis to achieve statistically significant results, often by repeatedly testing different variables or subsets of data until desirable outcomes are found.
Generative model that utilizes Poisson processes in its architecture to model and generate complex data distributions.
Techniques that protect user data privacy during the machine learning process, without compromising the utility of the models.
RL algorithm that aims to balance ease of implementation, sample efficiency, and reliable performance by using a simpler but effective update method for policy optimization.
Technique used in large-scale vector quantization for efficient similarity search and data compression by decomposing high-dimensional vectors into smaller sub-vectors and quantizing each sub-vector separately.
Decision-making system where multiple experts provide their opinions or solutions, and the consensus or most supported option is chosen.
Simultaneous execution of multiple processes or tasks to improve performance and efficiency.
Count of individual weights in a ML model that are learned from data during training.
Variable that is internal to the model and whose value is estimated from the training data.
Model or function in AI that utilizes parameters to make predictions or decisions.
Information and patterns encoded within the parameters of a machine learning model, which are learned during the training process.
Memory architecture where specific memories or facts are stored using parameterized models, often used to improve efficiency in storing and retrieving information in machine learning systems.
Computational process by which an agent estimates its current position based on its previous position and the path it has taken, using internal cues rather than external landmarks.
Model in neural networks designed to perform binary classification tasks by mimicking the decision-making process of a single neuron.
Range of sensory inputs and interpretations that an AI system can process, akin to human perception systems such as vision, hearing, and touch.
Decline in the efficiency or effectiveness of an AI system over time or under specific conditions, leading to reduced accuracy, speed, or reliability.
Arrangement of all or part of a set of objects in a specific order.
Measure used in language modeling to evaluate how well a model predicts a sample of text, quantifying the model's uncertainty in its predictions.
Type of software designed to change a person's attitude or behavior through persuasion and social influence.
Critical point where a small change in a parameter or condition causes a significant shift in the system's behavior or performance.
Neural network layer that applies a series of linear and non-linear transformations to each position (or "point") in the input sequence independently.
Type of RL algorithm that optimizes the policy directly by computing gradients of expected rewards with respect to policy parameters.
Class of algorithms in RL that optimizes the parameters of a policy directly through gradient ascent on expected future rewards.
Variables in a ML model, particularly in RL, that define the behavior of the policy by determining the actions an agent takes in different states.
Method where a policy, typically learned via RL, guides the diffusion process in generating samples that conform to desired specifications or constraints.
AI systems that possess a wide range of skills and knowledge, enabling them to perform tasks across various domains, much like a human polymath.
Ability of objects to take on many forms, allowing methods to perform differently based on the object that invokes them.
Technique used in neural network models, especially in transformers, to inject information about the order of tokens in the input sequence.
Techniques and adjustments applied to neural networks after their initial training phase to enhance performance, efficiency, or adaptability to new data or tasks.
Using statistical techniques and algorithms to analyze historical data and make predictions about future events.
Computational framework used to predict and understand an individual's preferences, often applied in recommendation systems and decision-making processes.
ML model that has been previously trained on a large dataset and can be fine-tuned or used as is for similar tasks or applications.
Dedicated cloud infrastructure to provide cloud computing services exclusively to a single organization, ensuring enhanced control, privacy, and security.
Commands in computing that can only be executed in a privileged mode, typically restricted to the operating system or other system-level software to manage hardware and critical operations securely.
Programming paradigm designed to handle uncertainty and probabilistic models, allowing for the creation of programs that can make inferences about data by incorporating statistical methods directly into the code.
The issue of an overwhelming number of options or paths that an algorithm must consider, making computation impractically complex or resource-intensive.
Process of carefully designing input prompts to elicit desired outputs from language models.
Technique used to manipulate or influence the behavior of AI models by inserting specific commands or cues into the input prompt.
User-generated input or question designed to elicit a specific response or output from the model.
Theoretical governance model where decision-making is guided by AI-generated prompts based on large datasets and probabilistic models.
Measure used in RL to represent the expected future rewards that an agent can obtain, starting from a given state and choosing a particular action.
Field of natural language processing focused on building systems that automatically answer questions posed by humans in a natural language.
Tools designed to provide precise answers to user queries by understanding and processing natural language inputs.
Process of reducing the precision of the weights and activations in neural network models to decrease their memory and computational requirements.
Request made to a data management system or AI model to retrieve information or execute a command based on specific criteria.
Combines the retrieval of informative documents from a large corpus with the generative capabilities of neural models to enhance language model responses with real-world knowledge.
Type of generative stochastic artificial neural network that can learn a probability distribution over its set of inputs.
Base model designed to provide fundamental capabilities or understanding for the development of various robotic systems and applications.
Type of ML where an agent learns to make decisions by performing actions in an environment to achieve a goal, guided by rewards.
Technique that combines reinforcement learning (RL) with human feedback to guide the learning process towards desired outcomes.
Advanced form of RLFH (Reinforcement Learning from Human Feedback), a technique used in ML to enhance model performance by incorporating human feedback into the training process.
Class of neural networks where connections between nodes form a directed graph along a temporal sequence, enabling them to exhibit temporal dynamic behavior for a sequence of inputs.
Robust ML algorithm that combines multiple decision trees to improve prediction accuracy and prevent overfitting.
Mathematical concept representing a path consisting of a succession of random steps on some mathematical space.
AI framework for integrating reasoning and acting capabilities, enabling models to make decisions based on both logic and learned actions.
Activation function commonly used in neural networks which outputs the input directly if it is positive, otherwise, it outputs zero.
Algorithms designed to suggest relevant items to users (such as movies, books, products, etc.) based on their preferences and behaviors.
Process by which an AI system iteratively improves itself, enhancing its intelligence and capabilities without human intervention.
Practice where a team independently challenges a system, project, or policy to identify vulnerabilities, improve security, and test the effectiveness of defenses, often applied in cybersecurity and, increasingly, in AI safety and ethics.
Programming paradigm that allows a program to inspect and modify its own structure and behavior at runtime.
Distinct operational or behavioral mode in which an AI system functions, characterized by specific patterns or properties of data, parameters, or algorithms.
Statistical method used in ML to predict a continuous outcome variable based on one or more predictor variables.
Technique used in machine learning to reduce model overfitting by adding a penalty to the loss function based on the complexity of the model.
Method used to generate samples from a probability distribution by proposing candidates from a simpler distribution and accepting or rejecting them based on a criterion related to the target distribution.
Process in which an initial set of items retrieved by a search algorithm is resorted using a secondary criterion or algorithm to better match user expectations or specific criteria.
Type of CNN (Convolutional Neural Network) architecture that introduces residual learning to facilitate the training of much deeper networks by utilizing shortcut connections or skip connections that allow the gradient to bypass some layers.
DL architecture feature designed to help alleviate the vanishing gradient problem by allowing gradients to flow through a network more effectively.
Algorithms that generate responses by selecting them from a predefined set of responses, based on the input they receive.
Combination of multiple reward models used together to evaluate and guide the learning process of reinforcement learning agents, aiming to improve robustness, accuracy, and generalization of the reward signal.
Adjusting the computational resources allocated to AI systems to match the workload requirements optimally.
Ability of an algorithm or model to deliver consistent and accurate results under varying operating conditions and input perturbations.
Thought experiment proposing that a future all-powerful AI could punish those who did not help bring about its existence.
Set of guidelines and best practices developed by Google to enhance the security of AI systems across various applications.
AI model designed for high-precision image segmentation, capable of identifying and delineating every object within an image.
Methodology in which a simulator is integrated into the control loop of a system, providing a virtual environment for real-time testing and validation of algorithms, control strategies, or system performance.
AI agent designed to operate across multiple 3D virtual environments, following natural language instructions to accomplish varied tasks.
AI agent designed to autonomously learn and interact with APIs to perform tasks more effectively over time.
Type of artificial neural network that mimics the way biological neural networks in the brain process information, using spikes of electrical activity to transmit and process information.
Moderates GPU usage by skipping processing of similar consecutive input images, thereby improving computational efficiency in real-time image and video generation tasks.
Type of ML where the system learns to predict part of its input from other parts, using its own data structure as supervision.
Mathematical frameworks used to model dynamic systems by describing their states in space and how these states evolve over time under the influence of inputs, disturbances, and noise.
Supervised ML model used primarily for classification and regression tasks, which finds the optimal hyperplane that best separates different classes in the data.
Measures, policies, and technologies designed to prevent, detect, and mitigate adverse outcomes or ethical issues stemming from AI systems' operation.
Quality by which certain aspects of a dataset or information stand out as particularly noticeable or important in a given context.
Ability of a ML model to achieve high performance with a relatively small number of training samples.
Fundamental technique used to reduce computational cost and simplify data management
Phenomenon where the performance improvements of a model diminish as the complexity of the model or the amount of training data increases beyond a certain point.
Method of gradually building up the complexity of tasks or learning environments to help an AI system develop more sophisticated capabilities over time.
Techniques in natural language processing that avoid matrix multiplication (MatMul) operations to improve scalability and efficiency.
Single numerical value, typically representing a quantity or magnitude in mathematical or computational models.
Distinguishing between phenomena or variables that operate on distinctly different magnitudes, time scales, or spatial dimensions.
Enlarging model size, data, and computational resources can consistently improve task performance up to very large scales.
Process of enhancing algorithms' ability to efficiently search for the most optimal solution in a potentially vast solution space.
Hardware-based security feature designed to protect sensitive data by isolating it in a dedicated and secure area of a processor.
Mechanism in neural networks that allows models to weigh the importance of different parts of the input data differently.
AI mechanism designed to enhance the planning capabilities of language models by allowing them to anticipate and prepare for future outputs.
ML approach where a model learns to predict parts of the input data from other parts without requiring labeled data, which is then fine-tuned on downstream tasks.
Measure of uncertainty or unpredictability in the meaning of a message or data, often considering the context in which the information is used.
Process of partitioning a digital image into multiple segments (sets of pixels) to simplify its representation into something more meaningful and easier to analyze, where each segment corresponds to different objects or parts of objects.
ML approach that uses a combination of a small amount of labeled data and a large amount of unlabeled data for training models.
Model designed to process and predict sequences of data, such as time series, text, or biological sequences.
Algorithms that predict the next element in a sequence, pivotal for tasks in natural language processing (NLP) such as text generation and translation.
Collective understanding and perception of information among multiple agents, both human and machine, in a given environment.
Type of neural network architecture that involves two or more identical subnetworks sharing the same parameters and weights, typically used for tasks like similarity learning and verification.
Concept of artificial intelligence systems that operate on silicon-based hardware, contrasting with biological, carbon-based forms of intelligence such as humans.
Method used in data science to identify similar items from a large dataset based on their proximity to a given query item (also known as proximity search).
Process of creating a digital model of a real-world or theoretical situation to study the behavior and dynamics of systems.
Hypothetical future point at which technological growth becomes uncontrollable and irreversible, resulting in unforeseeable changes to human civilization.
Cognitive frameworks that allow AI systems to understand and predict dynamic environments by continuously integrating contextual information.
Colloquial slang referring to responses generated by LLMs that may be overly verbose or repetitive, often observed in AI-generated summaries or answers, and sometimes criticized for lacking conciseness or relevance.
Conversational AI that is designed to engage in dialogue in a manner akin to Socratic questioning, aiming to stimulate critical thinking and draw out ideas and underlying presuppositions.
Function that converts a vector of numerical values into a vector of probabilities, where the probabilities of each value are proportional to the exponentials of the input numbers.
Theory of prediction that combines elements of algorithmic information theory and Bayesian inference to create a universal framework for inferring future data from past observations.
Refers to the set of all possible solutions to a given problem or decision-making scenario.
Hypothetical form of AI that operates independently with its own autonomy, potentially possessing the ability to make decisions and take actions without human intervention.
Technique for transforming video data into a format suitable for ML models by breaking down video into temporal and spatial segments.
Ability of algorithms to effectively handle and process data matrices where most elements are zero (sparse), improving computational efficiency and memory usage.
Type of neural network designed to learn efficient data representations by enforcing sparsity on the hidden layer activations.
Technique and principle of having models that utilize minimal data representation and processing, typically through zero or near-zero values.
Ability of a system to understand, reason, and manipulate spatial relationships and properties within its environment.
AI technique that generates multiple potential outputs simultaneously to improve efficiency and accuracy in tasks like language modeling and neural network inference.
Technology that enables computers to recognize, interpret, and generate human speech.
Unintended consequences or effects that AI systems can have outside of their designed operational contexts.
ML ensemble technique that combines multiple classification or regression models via a meta-classifier or meta-regressor to improve prediction accuracy.
Mathematical frameworks used to represent systems that are governed by a set of latent (hidden) variables evolving over time, observed through another set of variables.
System or application that saves client data from previous sessions to influence and personalize future interactions.
Process of performing predictions using a pre-trained machine learning model without updating the model parameters during runtime.
Ability to intentionally manipulate the output of the network in a specific direction by applying predetermined modifications to its inputs or parameters.
Language models that generate text based on probabilistic predictions, often criticized for parroting information without understanding.
Systems or processes that are inherently random, involving variables that are subject to chance.
Technique used in training neural networks to enable the backpropagation of gradients through non-differentiable functions or operations.
Continuous generation and delivery of text in real-time as the model processes input sequentially.
Information that is highly organized and formatted in a way that is easily searchable and accessible by computer systems, typically stored in databases.
Process where outputs are produced in a structured format, often requiring adherence to specific formats or templates, such as tables, graphs, or well-organized textual reports.
Method of querying and retrieving information from databases and other structured data sources where data is organized in defined types and relationships.
AI approaches that do not use explicit symbolic representation of knowledge but instead rely on distributed, often neural network-based methods to process and learn from data.
Theoretical concept in AI, primarily focusing on ensuring that advanced AI systems or AGI align closely with human values and ethics to prevent negative outcomes.
Method in AI where specific, carefully crafted input prompts are used to guide a model towards generating more accurate or contextually appropriate outputs.
A form of AI that surpasses the cognitive performance of humans in virtually all domains of interest, including creativity, general wisdom, and problem-solving.
Algorithm that, given a set of labeled training data, learns to predict the labels of new, unseen data.
ML approach where models are trained on labeled data to predict outcomes or classify data into categories.
Use of labeled data to train ML models, guiding the learning process by providing input-output pairs.
Alternative goal used to approximate or replace a primary objective in optimization problems, especially when the primary objective is difficult to evaluate directly.
Form of AI inspired by the collective behavior of social insects and animals, used to solve complex problems through decentralized, self-organized systems.
Also known as "Good Old-Fashioned AI" (GOFAI), involves the manipulation of symbols to represent problems and compute solutions through rules.
Type of regression analysis that searches for mathematical expressions to best fit a given set of data points.
Invariances in data or models where certain transformations do not affect the outcomes or predictions.
Creating artificial data programmatically, often used to train ML models where real data is scarce, sensitive, or biased.
Two modes of thinking in human cognition: System 1 is fast, automatic, and intuitive, while System 2 is slow, deliberate, and analytical.
Predefined message or question generated by an AI system to guide or solicit a response from the user.
Type of neural network designed to handle sequential data by applying convolutional operations over time.
Security component that ensures the integrity and confidentiality of code and data within a computer system by managing and protecting execution environments.
Seven ideologies: Transhumanism, Extropianism, Singularitarianism, Cosmism, Rationalism, Effective Altruism, and Longtermism. They all focus on using technology to improve people’s lives and they are deeply influential among people working on AGI.
Specialized hardware accelerators designed to significantly speed up the calculations required for ML tasks.
Subfield of RL focused on leveraging knowledge gained from one or more source tasks to improve learning efficiency and performance in a different, but related, target task.
Advanced algorithm used in RL to ensure stable and reliable policy updates by optimizing within a trust region, thus preventing drastic policy changes.
Process of adapting a pre-trained model using new data during the testing phase to improve its performance on specific tasks.
Converts written text into spoken voice output, enabling computers to read text aloud.
Inputs intentionally designed to cause a machine learning model to misclassify them into a specific, incorrect category.
Setting or context within which an intelligent agent operates and attempts to achieve its objectives.
Group of expert models that collaboratively guide the training process of a student model to improve its performance.
Advanced ML technique that refines a model by iteratively sampling and accepting data based on evaluations from multiple expert models (teachers).
Hyperparameter that controls the randomness of predictions by adjusting the probability distribution of the output classes to make the model's predictions more or less deterministic.
Multi-dimensional array used in mathematics and computer science, serving as a fundamental data structure in neural networks for representing data and parameters.
Open-source software library for machine learning, developed by Google, used for designing, building, and training deep learning models.
Process of interpreting and converting written or spoken language into executable actions by a system or application.
Computational abstraction used in NLP models to represent and manipulate complex ideas or concepts within sequences of text.
Strategies used in NLP models to predict multiple potential tokens (words or subwords) in parallel, improving the efficiency of text generation.
Basic unit of data processed in NLP tasks, representing words, characters, or subwords.
Quantifies the resources required to develop AI models, including computational expenses, energy consumption, and human expertise.
Dataset used to teach a ML model how to make predictions or perform tasks.
Process of teaching a ML model to make accurate predictions or decisions, by adjusting its parameters based on data.
Computational methods for designing the path that an object or agent should follow to reach a destination efficiently and effectively.
ML method where a model developed for a task is reused as the starting point for a model on a second task, leveraging the knowledge gained from the first task to improve performance on the second.
Deep learning model architecture designed for handling sequential data, especially effective in natural language processing tasks.
Process or approach of converting scientific research into practical applications.
Type of neural network layer that performs the opposite operation of a traditional convolutional layer, effectively upscaling input feature maps to a larger spatial resolution.
Data structure in the form of a three-part entity consisting of a subject, predicate, and object, commonly used in semantic web technologies and knowledge graphs.
Variables in an AI model that are adjusted during training to optimize the model's performance on a given task.
System capable of simulating any Turing machine, thereby performing arbitrary computational operations given enough time and resources.
Measure of a machine's ability to exhibit intelligent behavior equivalent to, or indistinguishable from, that of a human.
Theoretical construct in computer science that can simulate any other Turing machine's computing process given the appropriate input and its own machine's description.
AI systems that operate without restrictions on the content they generate or the decisions they make.
Occurs when a ML model is too simple to capture the underlying pattern of the data it is trained on, resulting in poor performance on both training and testing datasets.
Process of unlocking latent capabilities in AI models by addressing limitations and inefficiencies, thus significantly enhancing their practical utility.
Theoretical frameworks aimed at creating systems capable of learning any task to human-level competency, leveraging principles that could allow for generalization across diverse domains.
Concept that certain computational systems can simulate any other computational system, given the correct inputs and enough time and resources.
Data that lacks a pre-defined format or organization, making it challenging to collect, process, and analyze using conventional database tools.
Type of ML where algorithms learn patterns from untagged data, without any guidance on what outcomes to predict.
Inability to confirm the correctness, validity, or truth of a statement, model, or system, often due to inherent limitations in the verification process or lack of necessary information.
Type of generative model that leverages neural networks to encode input data into a latent space and then reconstruct it back to the original input.
Class of generative models that use neural networks to encode inputs into a latent space and then decode from this space to reconstruct the input or generate new data that resemble the input data.
Measure of the capacity of a statistical classification algorithm, quantifying how complex the model is in terms of its ability to fit varied sets of data.
AI models designed to interpret and generate content by integrating visual and textual information, enabling them to perform tasks like image captioning, visual question answering, and more.
Field of AI where systems are designed to answer questions about visual content, such as images or videos.
Subset of data used to assess the performance of a model during the training phase, separate from the training data itself.
Structured format for organizing and displaying data, often used in machine learning to represent input data and their corresponding outputs or labels.
Phenomenon in neural networks where gradients of the network's parameters become very small, effectively preventing the weights from changing their values during training.
Specialized database optimized for storing and querying vectors, which are arrays of numbers representing data in high-dimensional space.
Process of converting non-numeric data into numeric format so that it can be used by ML algorithms.
Concept in computational complexity theory that focuses on the role of a verifier in determining the correctness of a solution to a problem within a given complexity class.
Class of DL models that apply the transformer architecture, originally designed for natural language processing, to computer vision tasks.
AI techniques to process, analyze, and generate three-dimensional volumetric data, often used in fields like medical imaging, 3D reconstruction, and virtual reality.
Hypothetical process of scanning a biological brain in detail and replicating its state and processes in a computational system to achieve functional and experiential equivalence.
Assessing whether to proceed with projects immediately or wait for future advancements in AI that could offer significant benefits.
Regularization technique used in training neural networks to prevent overfitting by penalizing large weights.
Represents a coefficient for a feature in a model that determines the influence of that feature on the model's predictions.
Disorganized and nonsensical sequence of words or letters, often making it difficult or impossible to derive coherent meaning from the text.
Numerical representations of words that capture their meanings, relationships, and context within a language.
Internal representation that an AI system uses to simulate the environment it operates in, enabling prediction and decision-making based on those simulations.
AI systems designed to provide insights into their behavior and decisions, making them transparent and understandable to humans.
Weight initialization technique designed to keep the variance of the outputs of a neuron approximately equal to the variance of its inputs across layers in a deep neural network.
ML technique where a model learns to recognize objects, tasks, or concepts it has never seen during training.
Variant of the GPT architecture designed to process data at the byte level rather than at the word or sub-word level, allowing for greater flexibility in handling diverse text types and structures.
Simple, non-parametric algorithm used in ML for classification and regression tasks by assigning labels based on the majority vote of the nearest neighbors.
Extended form of Long Short-Term Memory (LSTM), integrating enhancements for scalability and efficiency in DL models.