AI Glossary
Terms starting with "A"
40 terms
Abductive Reasoning
Abductive reasoning involves taking observations or evidence and making the best possible hypothesis to explain them.
Artificial Narrow Intelligence (ANI)
A type of AI focused on specific tasks like weather updates, data analytics, or gameplay, not general intelligence.
Action Description Language
A specialized language used to define the actions an AI agent can perform and their consequences.
Action Language
A formal language for representing and reasoning about actions in a changing environment.
Action Model Learning (AML)
AML is a method in AI for learning preconditions and effects of actions, often in planning systems.
Action Planning
Finding the best sequence of actions to achieve a specific goal efficiently.
Action Selection
The AI chooses the next action based on its goals and current context.
Activation Function
In neural networks, it determines whether a neuron fires based on input, shaping model output.
Active Learning
A learning approach where AI requests more data or examples to improve its performance.
Actor-Critic
A reinforcement learning technique where 'actor' selects actions and 'critic' evaluates them.
Adaptive Algorithm
An algorithm that adjusts its behavior dynamically based on incoming data.
Admissible Heuristic
A search algorithm concept that ensures estimated cost is never overestimated for optimality.
Adversarial Machine Learning
The study of defending AI from attacks that attempt to mislead or trick learning models.
Adversarial Search
A technique in which AI anticipates opponent moves to find a winning strategy.
Agent
A software system that perceives its environment and takes actions to achieve goals.
Agent Architecture
The structural design of an AI agent, including sensors, decision units, and actuators.
Agent-Based Model
A simulation approach that studies the behavior and interaction of autonomous agents.
AI Accelerator
Specialized hardware designed to speed up computations in AI applications.
AI Copilot
Conversational AI tools powered by LLMs that assist users in completing organizational tasks.
AI Alignment
Ensuring that AI systems behave in ways that are aligned with human values and ethics.
AI Art
Creative artworks generated with the assistance of artificial intelligence.
AI Box
A hypothetical containment setup to prevent powerful AI from affecting the real world.
AI-Complete
A class of problems so complex that solving them would mean achieving true general AI.
AI Control Problem
The challenge of ensuring that superintelligent AI systems remain under human control.
AI Effect
The idea that once AI performs a task well, it’s no longer seen as intelligent.
AI Safety
A field of research ensuring AI technologies remain safe, ethical, and aligned with human benefit.
AI Plugin
Software extensions that integrate AI functionality into existing applications.
Algorithmic Bias
A systematic error in an AI’s output leading to unfair or prejudiced outcomes.
Algorithmic Efficiency
A measure of how effectively an algorithm utilizes resources like time and memory.
AlphaGo
A pioneering AI program by DeepMind that defeated human Go champions using deep learning.
AlphaZero
A general-purpose AI by DeepMind that mastered multiple games from scratch without human data.
Ambient Intelligence
AI integrated into environments, creating seamless and intuitive user experiences.
Analysis of Algorithms
The study of algorithm efficiency, including time complexity and resource consumption.
Anytime Algorithm
An algorithm that can return a valid solution even if interrupted before completion.
Artificial General Intelligence (AGI)
AI that can perform any intellectual task that a human can do.
Artificial Immune System
AI modeled after the human immune system for detecting threats like cyberattacks.
Artificial Life
The simulation or creation of life-like systems using computational models.
Artificial Moral Agent
AI systems capable of making decisions based on ethical considerations.
Artificial Neural Network (ANN)
A method where AI mimics brain-like processing to interpret and analyze data.
Agentic AI
AI systems designed for autonomous decision-making and task execution with minimal human input.
Terms starting with "B"
14 terms
Backpropagation
Backpropagation is a training method where neural networks learn from errors by adjusting weights after each iteration.
Backpropagation Through Time
An extension of backpropagation used to train recurrent neural networks that process sequential data.
Backward Chaining
A reasoning technique that starts from the goal and works backward to identify necessary conditions.
Base Case
The simplest instance of a problem used to terminate recursive functions or algorithms.
Baseline In Machine Learning
A simple reference model used to compare the performance of more complex machine learning models.
Batch Normalization
A technique to improve neural network training by normalizing layer inputs, boosting stability and speed.
Bayes Classifier
A classifier that uses Bayes' Theorem to predict the probability of classes given the input features.
Bayes Error Rate
The lowest possible classification error for a model given its features and the underlying data.
Benchmark In Machine Learning
A standard dataset and metrics used to evaluate and compare the performance of machine learning models.
Bias In AI
The tendency of an AI model to produce skewed results based on the data it was trained on.
Bias–Variance Tradeoff
A balance between a model’s ability to minimize error on training data and generalize to new data.
BERT
Bidirectional Encoder Representations from Transformers – a powerful NLP model pre-trained on vast text corpora.
Boolean Data Type
A basic data type in programming that can hold only two values: true or false.
Big Data
Extremely large and complex datasets used in AI for training and discovering patterns at scale.
Terms starting with "C"
20 terms
Capsule Neural Network (CapsNet)
A type of neural network that captures spatial relationships between parts of an object, enabling better recognition despite viewpoint changes.
Case-Based Reasoning (CBR)
A problem-solving method where new issues are solved by adapting solutions from similar past cases.
Catastrophic Forgetting
When a neural network forgets previous knowledge while learning new data, often in continual learning scenarios.
Chatbot
AI software that simulates human conversation, typically via text or voice, to complete tasks or provide information.
ChatGPT
A generative AI chatbot using large language models to generate human-like responses across a wide range of prompts.
Classification
A supervised learning task where the model predicts category labels based on input features.
Clustering
An unsupervised learning technique where similar data points are grouped together without labeled outputs.
Clustering High-Dimensional Data
Grouping similar data in datasets with many features, often using dimensionality reduction or advanced algorithms.
Cognitive Architecture
A blueprint for simulating human cognition, used in AI to build systems that mimic human thinking.
Cognitive Map
An internal representation used by AI agents to understand and navigate environments and make decisions.
Cognitive Computing
A field focused on mimicking human thought processes using AI to learn and make decisions intelligently.
Cataphora
A linguistic term in NLP where a pronoun refers to something introduced later in the text.
Computational Creativity
Using AI to generate creative works such as art, music, literature, and design.
Computational Learning Theory
A theoretical study of machine learning algorithms and their performance, accuracy, and learnability.
Computational Linguistics
The study of using computational techniques to analyze and process human languages.
Computer Audition (CA)
The field of AI that enables systems to interpret and process audio signals such as music or speech.
Computer Vision
A field of AI focused on enabling machines to interpret and understand visual inputs from the world.
Convergence Machine Learning
A process where model performance improves over time during training, ideally reaching stable accuracy.
Cross-Entropy Method
An optimization algorithm used for classification models and reinforcement learning problems.
Computer Science
The theoretical and practical study of computation, software design, and building intelligent systems.
Terms starting with "D"
19 terms
Data
Raw facts, numbers, or measurements that AI systems use to learn, make predictions, and perform tasks.
Data Augmentation
A technique to expand existing data by applying small changes, often used in image and text datasets.
Data Cleaning
The process of fixing or removing errors, inconsistencies, and missing values from raw data.
Data Compression
Reducing the size of data files while preserving the core information, often for storage or transmission.
Data Mining
Discovering patterns and insights in large datasets using AI, statistics, and database systems.
Data Quality
The measure of data's accuracy, completeness, and reliability. High-quality data leads to better AI results.
Dataset
A structured collection of related data used for training or evaluating AI models.
Data Structure
Organized formats for storing and managing data efficiently in computing environments.
Data Warehouse
A large centralized data storage system used for analysis and decision-making by AI systems.
Decision Intelligence
Combining AI, analytics, and data to make better, evidence-based decisions.
Decision Theory
A mathematical study of how to make optimal decisions under uncertainty, often applied in AI.
Decision Tree
A visual model used to make decisions based on branching conditions.
Decision Tree Learning
A supervised learning method that creates models based on learned decision rules from data features.
Deep Blue
IBM’s chess-playing computer that defeated a world champion, showcasing AI's strength in strategic tasks.
Deep Learning
A machine learning technique using deep neural networks to learn patterns and representations from data.
DeepMind
An AI research lab by Google known for AlphaGo and other cutting-edge deep learning breakthroughs.
Discriminative Model
A model that directly predicts labels from input data without modeling the distribution of features.
Distributed Artificial Intelligence (DAI)
AI systems made up of multiple agents working together to solve complex tasks in a decentralized manner.
Dropout Neural Networks
A technique where random neurons are ignored during training to prevent overfitting.
Terms starting with "E"
17 terms
Ethics in AI
A field ensuring that AI is developed and used fairly, transparently, and without causing harm.
Expert System
A program that mimics a human expert's reasoning to solve domain-specific problems using knowledge rules.
Enterprise AI
The large-scale application of AI across business operations to drive efficiency and intelligence.
Explainability
The ability to interpret and understand how an AI model arrives at its output.
Extensibility
The ability of an AI system to be expanded or modified without rebuilding its core.
Extraction
The process of retrieving useful information or features from raw data.
Embedding
A dense numeric representation of data such as words or images, capturing their contextual meaning.
Emergent Behavior
Unexpected behavior that arises from the complex interactions of AI system components.
End-to-End Learning
A learning model that performs a complete task from raw input to final output in one process.
Explainable AI (XAI)
AI systems designed to be interpretable and transparent in how they make predictions or decisions.
Edge Model
An AI model deployed directly on devices, enabling faster inference without relying on cloud connectivity.
Emotion AI (Affective Computing)
Technology that detects and responds to human emotions based on facial, vocal, or textual cues.
Entity
An identifiable object or concept in AI systems, such as a person, place, or organization.
Environmental, Social, and Governance (ESG)
A framework for assessing a company’s sustainability, ethics, and corporate responsibility, often used in AI evaluations.
ETL (Entity Recognition, Extraction)
Processes used to identify and extract key entities like names, locations, and dates from text.
Extraction or Keyphrase Extraction
The process of identifying and extracting essential words or phrases from a text.
Explainable AI (XAI)
It is a branch of artificial intelligence that focuses on creating models whose decisions and behaviors can be understood and interpreted by humans. XAI models aim to make AI systems more transparent by providing explanations for how they reach their conclusions. This helps users to trust and understand the reasoning behind AI outputs.
Terms starting with "F"
7 terms
Facial Recognition
A technology that identifies or verifies a person by comparing their facial features to a database of known faces.
Foundation Model
A large pre-trained AI model that can be adapted to many tasks across domains using minimal task-specific data.
Forward Propagation
The process of moving input data through a neural network to generate predictions.
Feature Extraction
Identifying key features from raw data that are most useful for model training or decision making.
Fine-tuning
Adapting a pre-trained AI model to a specific task using additional labeled data.
Few-Shot Learning
A learning technique where models learn to perform tasks with very few training examples.
Federated Learning
Training AI models across multiple devices without sharing raw data, preserving privacy and efficiency.
Terms starting with "G"
10 terms
Generative Pre-trained Transformer (GPT)
An advanced language model capable of generating human-like text and performing various NLP tasks.
GPT-3
A version of GPT known for its powerful text generation and few-shot learning capabilities.
GPT-4
An advanced iteration of GPT offering improved performance in text understanding, generation, and reasoning.
Generative Adversarial Networks (GANs)
A deep learning architecture with a generator and discriminator that produces highly realistic synthetic data.
Gradient Descent
An optimization algorithm used to minimize loss functions and train machine learning models efficiently.
Generalized Model
A model capable of performing well across various datasets and tasks with minimal fine-tuning.
Generation
The process of producing new content such as text, images, or music using generative AI models.
Generative AI
AI models that can create novel content, including text, images, audio, or code, from learned data.
Grounding
Linking AI models to real-world data to enhance understanding and reliability.
Guardrails
Safety mechanisms designed to limit and control AI behavior and outputs to prevent harmful outcomes.
Terms starting with "H"
5 terms
Heuristic Algorithms
Problem-solving techniques that use practical methods to produce acceptable solutions quickly.
Hallucination in AI
When an AI model generates false or misleading information not based on the input data.
Hyperparameter Tuning
The process of optimizing configuration settings in AI models to enhance performance and accuracy.
Hybrid AI
Combining different AI approaches, like symbolic and machine learning, to build more powerful systems.
Hyper-heuristic
An approach using simple heuristics and machine learning to solve complex computational problems.
Terms starting with "I"
8 terms
Image Recognition
The process where AI identifies objects, people, or features within images.
Instruction-tuning
Improving AI responses by training models on data that includes specific instruction-based prompts.
Intelligence Augmentation (IA)
Using AI tools to boost human decision-making and problem-solving abilities.
Interpretability
The ability to understand how an AI system arrives at its predictions or decisions.
Inference
The stage where a trained model makes predictions based on new input data.
Intelligent Document Processing (IDP)
Using AI to extract and analyze data from documents automatically.
Instruction Tuning
Refining AI behavior by exposing it to tasks framed with clear instructions.
Intelligence Amplification
Enhancing human cognition through AI tools to analyze, process, and visualize information better.
Terms starting with "J"
1 term
Junction Tree Algorithm
An algorithm for efficient probabilistic inference in graphical models like Bayesian networks.
Terms starting with "K"
6 terms
Knowledge Generation
The process where models learn from massive data and produce new insights or answers.
K-Shot Learning
An approach where AI learns to classify with only K labeled examples per class.
Knowledge Engineering
The process of encoding expert knowledge into systems that simulate human decision-making.
Knowledge Graph
A structured network of entities and their relationships used to organize and infer knowledge.
Knowledge Model
A framework for how information is organized and related within a system.
Knowledge-Based AI
AI systems that reason using stored knowledge bases, rules, and logic rather than learning from data.
Terms starting with "L"
11 terms
Large Language Model (LLM)
AI models trained on massive text datasets to understand and generate human-like language.
Latency
The delay between a user’s input and the AI system’s response, often measured in milliseconds.
Linear Regression
A supervised learning method that models relationships between input variables and outputs using a straight line.
Latent Space
A compressed space in neural networks that holds learned patterns and abstract features from input data.
LangOps (Language Operations)
The tools and processes used to manage, optimize, and monitor AI language model performance and outputs.
Language Data
Text-based content used to train and evaluate language models for better language understanding.
Loss Function / Cost Function
A formula that measures how far an AI model’s predictions are from actual results.
Limited Memory
A type of AI that uses temporary memory of past data to improve current decisions.
Lemma
The base or dictionary form of a word used in NLP after lemmatization, e.g., 'run' from 'running'.
Lexicon
A collection of words and meanings used by AI models to understand and process language.
Logistic Regression
A statistical method for binary classification, often used to predict categories like true/false or spam/not spam.
Terms starting with "M"
9 terms
Machine Learning (ML)
An AI method where systems learn patterns from data to make predictions or decisions without explicit programming.
Metacontext and Metaprompt
High-level prompts or context settings that guide an AI model’s behavior during training or inference.
Metadata
Data that describes other data, providing context like source, format, or time of creation.
Model
A trained algorithm used by AI to make predictions or analyze data based on learned patterns.
Model Drift
When an AI model’s accuracy declines over time due to changing data or conditions.
Model Parameter
Internal variables in a model that are learned during training and help define how the model behaves.
Morphological Analysis
Breaking down language or problems into smaller parts for easier understanding and processing by AI.
Multimodal Models and Modalities
AI models trained to understand different types of data like images, audio, and text together.
Multitask Prompt Tuning (MPT)
A technique where AI is trained to handle multiple similar tasks through custom prompt structures.
Terms starting with "N"
10 terms
N-Shot Learning
A learning method where the AI model is trained on a small number (N) of examples per class.
Natural Language Ambiguity
The presence of multiple meanings in language that can confuse AI interpretation.
Natural Language Generation (NLG)
A technology that creates human-like text or speech from structured data.
Natural Language Processing (NLP)
AI techniques that help computers understand, interpret, and generate human language.
Natural Language Understanding (NLU)
The subfield of NLP that focuses on interpreting meaning, context, and emotions in human language.
No-code
A method of building applications without programming, enabling anyone to create software visually.
Neural Network
An AI system inspired by the human brain, composed of layers of interconnected nodes (neurons).
NeRF (Neural Radiance Fields)
A technique to reconstruct 3D scenes from 2D images using neural networks.
Natural Language Query (NLQ)
A way to ask questions using everyday language instead of code or structured syntax.
Natural Language Technology (NLT)
A field combining AI and linguistics to build systems that understand and use human language.
Terms starting with "O"
5 terms
OpenAI
A research company focused on creating safe and beneficial AI, known for ChatGPT and GPT-4.
Optimization
Improving a model’s performance by minimizing prediction errors or maximizing accuracy.
Overfitting
When an AI model memorizes training data too closely and performs poorly on new data.
Objective Function
A formula that a model optimizes during training to achieve the best possible performance.
Ontology
A system that organizes information into categories and defines relationships among them for AI understanding.
Terms starting with "P"
19 terms
Parameter-Efficient Fine-Tuning (PEFT)
PEFT is a method to improve large AI models by modifying only a few critical components, reducing time and energy usage.
Pre-training
The first stage of AI model training, using general data before fine-tuning on task-specific data.
Prompt Engineering
The practice of crafting optimal prompts to guide AI models for accurate and useful outputs.
Probabilistic Model
A model that predicts outcomes based on probability rather than certainty, accounting for multiple possibilities.
Parameters
Internal values of a model adjusted during training to improve prediction accuracy.
Pattern Recognition
Training machines to identify trends or regularities in data for classification or prediction.
Predictive Analytics
Using historical data and models to forecast future trends and behaviors.
Prescriptive Analytics
Analytics that recommends actions by analyzing options, outcomes, and resources.
Prompt
An instruction or query given to an AI system to generate a response.
Parsing
Analyzing and breaking down text into grammatical components to understand sentence structure.
Part-of-Speech Tagging
Labeling each word in a sentence with its grammatical role like noun, verb, or adjective.
Post-Edit Machine Translation (PEMT)
The process of human correction of machine-translated content to improve quality.
Plugins
Add-on tools that expand the capabilities of AI systems, enabling tasks like browsing or calculation.
Post-processing
Refining or filtering AI-generated outputs after prediction for better clarity or usefulness.
Pre-processing
Cleaning and organizing raw data into usable form before feeding it into AI models.
Pretraining
Learning general skills from large datasets before fine-tuning a model on specific tasks.
Precision
The percentage of correct positive predictions out of all positive predictions made by a model.
Pretrained Model
A model that has already learned general knowledge and can be adapted for specific tasks.
Prompt Chaining
Using a series of prompts to guide AI through step-by-step reasoning and refine outputs.
Terms starting with "Q"
1 term
Quantum Computing
Using quantum physics principles to perform computations faster than classical computers, especially in AI applications.
Terms starting with "R"
13 terms
Random Forest
A machine learning technique that builds multiple decision trees to improve prediction accuracy.
Recall
The percentage of actual positives correctly identified by the model out of all possible positives.
Recurrent Neural Networks (RNN)
Neural networks that use loops to retain previous information, often used for sequential data like speech or text.
Reinforcement Learning
A training method where AI learns by trial and error through rewards and punishments.
Reinforcement Learning with Human Feedback (RLHF)
Enhancing reinforcement learning by incorporating human preferences into model training.
Relations
In NLP, refers to the connection between words or phrases, such as familial or semantic relationships.
Retrieval Augmented Generation (RAG)
Combining large language models with external sources of information to generate more factual outputs.
Return on Artificial Intelligence (ROAI)
A metric that evaluates the success or value of investing in AI technologies.
Rules-based Machine Translation (RBMT)
A translation method using fixed grammatical rules to convert one language into another.
Robotics
The integration of AI in physical machines to enhance automation, productivity, and efficiency.
Regularization
A method to prevent overfitting by simplifying the model and adding penalty terms to the loss function.
Reasoning
The ability of AI to make decisions or solve problems through logic and inference.
Recursive Prompting
A technique that refines AI responses through a series of layered prompts, each building on the last.
Terms starting with "S"
28 terms
Supervised Learning
A supervised learning is a type of machine learning where the model is trained on labeled data, meaning the input data is paired with the correct output. With this approach the AI model learns to predict the output from new inputs.
Sequence Modeling
A supervised learning is a type of machine learning where the model is trained on labeled data, meaning the input data is paired with the correct output. With this approach the AI model learns to predict the output from new inputs.
Speech-to-text
Speech-to-text is a technology that converts spoken language into written text by analyzing and interpreting audio recordings.
Symbolic Artificial Intelligence
Symbolic artificial intelligence is a branch of AI that uses precise, human-readable symbols and rules to represent knowledge and solve problems, often through logic and reasoning.
Stable Diffusion
Stable Diffusion is an advanced AI method used to generate images or other media by continuously refining noisy data in prompts into a clearer form. This AI technology is commonly used in generative AI models.
Sentiment Analysis
The term Sentiment Analytics refers to the process of using AI to analyze and determine the emotional tone (positive, negative, neutral) behind a piece of text. This mechanism gives insights of a textual content and distinguishes whether the content is a product review or social media post.
Steerability
It is the capability to adjust or control the behavior or output of an AI model, often in a guided or targeted manner.
Syntax
The set of rules that govern the structure of sentences or expressions in a language determines how words and symbols are organized.
Self-attention Mechanism
This term refers to a component in neural networks, especially in transformers, that allows the AI model to consider the importance of different words in a sentence when making predictions. While making predictions, it focuses on relevant parts of the input.
Strong AI
The term Strong AI refers to a hypothetical form of artificial intelligence that possesses general intelligence. It means that the Strong AI can understand, learn, and apply knowledge across a wide range of tasks, much like a human.
Semantic Search
It is a search technique that understands the meaning behind words and phrases to provide more accurate and relevant search results beyond simple keyword matching.
Structured Data
The term Structured Data refers to the data that is organized in a predefined format, such as rows and columns in a spreadsheet or database, making it easy to store, search, and analyze.
Summarization
It is the process of automatically condensing a large body of text into a shorter version while retaining the most important information.
Symbolic AI
Symbolic AI is a type of artificial intelligence that uses symbols and logical rules to represent knowledge and perform reasoning, typically involving human-understandable concepts.
Symbolic Methodology
The term Symbolic Methodology refers to an approach in AI where problems are solved using symbolic representations (like logic, rules, and symbols) rather than through statistical methods.
Speech Analytics
It is the use of AI to analyze speech recordings, extracting insights such as emotional tone, key themes, or the speaker’s intent from the audio.
Semantics
Semantics is the study of meaning in language, focusing on how words, phrases, and sentences convey meaning.
Semi-structured Data
A form of data that does not follow a strict structure but has some organizational properties, such as tags or markers, which makes it easier to analyze than unstructured data.
Speech Recognition
This terminology refers to the technology that converts spoken language into text by identifying and transcribing the words spoken in an audio recording.
Structured Data
Structured data is data organized into a clear, predefined format, often in databases or tables, making it easy to search, analyze, and manage.
Sentiment Analysis
Sentiment analysis is a process of using AI to identify and classify the emotional tone of a piece of text. Such kind of analysis is used to determine whether a review is positive, negative, or neutral.
Supervised Learning
Supervised Learning is a type of machine learning where the AI model is trained on labeled data, meaning the input data comes with the correct output, and the model learns to predict the output from new inputs.
Stochastic Parrot
A term used to describe large language models that generate text by mimicking patterns in their training data without true understanding, often producing fluent but contextually shallow responses.
Similarity
Similarity is the measure of how alike two objects are, often used to compare features or data points.
Semantic Network (SN)
Semantic Networks, or SN, refer to a knowledge representation structure that shows concepts and their relationships. These networks are often used to represent meaning and associations in AI systems.
Specialized Corpora
This term refers to collections of texts or data sets that are specifically designed or compiled for a particular subject area, domain, or language use. These are often used in training AI models for specialized tasks.
Singularity
Singularity is a hypothetical future point when artificial intelligence surpasses human intelligence, leading to rapid technological advancements that could be unpredictable or uncontrollable.
Simple Knowledge Organization System (SKOS)
This term refers to a standardized framework for organizing and sharing knowledge using concepts, labels, and relationships. It is often used to structure information in digital libraries and the Semantic Web.
Terms starting with "T"
14 terms
Transformer
Transformer is a type of neural network architecture used in AI that processes and understands sequences of data. They focus on the most relevant parts of the text input or prompt.
TensorFlow
This term refers to an open-source machine learning framework created by Google that helps developers build and train AI models, particularly for deep learning tasks.
Token
The token is a piece of a larger text, such as a word, punctuation mark, or symbol, used in natural language processing to break down and analyze text data.
Turing test
The Turning Test, also known as the Turing Test, was proposed by Alan Turing to assess a machine’s capability to exhibit intelligent behavior distinguishable from that of a human during a conversation.
Tagging
Tagging refers to the process of labeling or annotating data, such as words in a text, with categories or identifiers (e.g., parts of speech or named entities) to make it easier for AI models to analyze.
Tunable
This term refers to parameters or settings in a machine learning model that can be adjusted or fine-tuned to improve the model’s performance.
Triple or Triplet Relations (Subject Action Object (SAO))
It is a way of representing knowledge where information is broken down into three parts: a subject (who/what is doing something), an action (what they are doing), and an object (what is being acted upon).
Treemap
This term refers to a visualization tool that displays hierarchical data as a set of nested rectangles, where the size and color of each rectangle represent the data’s importance or value.
Tensor Processing Unit (TPU)
TPU is a specialized hardware chip designed by Google to accelerate machine learning tasks, particularly for deep learning models, by efficiently processing tensors.
Text-to-speech
It refers to a technology that converts written text into spoken words by synthesizing audio that sounds like human speech.
Training Data
The labeled data used to train a machine learning model, helping the model learn patterns and relationships to make predictions on new, refers to Training Data.
Tokenization
Tokenization is a process of breaking down a text into smaller pieces, such as words, phrases, or symbols, to make it easier for a machine to understand and analyze.
Transfer Learning
It is a technique in machine learning in which an AI model trained on one task is reused or adapted to perform a different but related task. This type of learning saves time and improves the overall performance of an AI model.
Training Set
The term Training Set refers to a subset of labeled data used specifically to train a machine learning model. It helps the AI models to learn patterns and relationships before being tested on new data.
Terms starting with "U"
3 terms
Unsupervised Learning
It is a type of machine learning in which an AI model is trained on data without labeled answers. The model tries to find hidden patterns or groupings within the data on its own.
Underfitting
This term refers to an AI model’s poor performance. It happens when a machine learning model is too simple and fails to learn the patterns in the data, leading to poor performance on both the training data and new data.
Unstructured Data
It is a type of data that doesn’t have a predefined format or organization, like text, images, or videos, making it harder to analyze compared to structured data, like tables.
Terms starting with "V"
5 terms
Virtual Assistant
This term refers to a software program that uses AI to perform tasks or services for a user, such as answering questions, setting reminders, or controlling smart devices, often through voice or text interactions (e.g., Siri, Alexa).
Voice Processing
Voice Processing refers to the technology used to analyze, interpret, and manipulate voice signals, such as converting spoken language into text or recognizing speaker identity.
Validation Data
It is a separate set of labeled data used during training to evaluate and adjust a machine learning model’s performance. This data ensures that the model generalizes well to new, unseen data.
Voice Recognition
It is a separate set of labeled data used during training to evaluate and adjust a machine learning model’s performance. This data ensures that the model generalizes well to new, unseen data.
Vision Processing Unit (VPU)
A VPU is a specialized processor designed to accelerate computer vision tasks, such as recognizing objects in images or videos, by efficiently handling the data required for these tasks.
Terms starting with "W"
1 term
Weak AI
Weak AI, also known as narrow AI, refers to artificial intelligence that is designed and trained to perform a specific task or a limited set of tasks. Unlike strong AI, weak AI does not possess general intelligence or understanding beyond its designated function.
Terms starting with "Y"
1 term
Yield Management in AI
In AI, yield management systems use algorithms and machine learning models to analyze large amounts of data (such as demand, booking patterns, and competition) to adjust prices dynamically in real-time. AI-powered yield management systems help businesses make smarter pricing decisions, predict customer behavior, and allocate resources more effectively to maximize profitability.
Terms starting with "Z"
1 term
Zero-Shot Learning
This term refers to a machine learning technique where a model is able to recognize and classify objects or categories that it has never been explicitly trained on by using knowledge transferred from related tasks or features.