105 Key Terms & Definitions

AI Glossary

AI Glossary

bt_bb_section_bottom_section_coverage_image
TERMINOLOGY

AI Fundamentals

  1. Artificial Intelligence (AI) – The simulation of human intelligence in machines programmed to think and learn like humans.
    [#General] [#MachineLearning]
  1. Machine Learning (ML) – A subset of AI that enables systems to learn and improve from experience without being explicitly programmed.
    [#General] [#MachineLearning]
  1. Deep Learning – A subset of machine learning based on artificial neural networks with multiple layers.
    [#MachineLearning] [#NeuralNetworks]
  1. Neural Network – A computing system inspired by biological neural networks, consisting of interconnected nodes or “neurons.”
    [#MachineLearning] [#NeuralNetworks]
  1. Algorithm – A set of rules or instructions given to an AI, neural network, or computer to help it learn on its own.
    [#General] [#MachineLearning]
  1. Prompt Engineering – The practice of designing and optimizing input prompts to elicit desired outputs from large language models or other AI systems.
    [#General] [#NLP]
  1. Overfitting – A modeling error that occurs when a function is too closely fit to a limited set of data points, potentially reducing its predictive power on new data.
    [#MachineLearning]
  1. Underfitting – A modeling error that occurs when a function is too simple to capture the underlying structure of the data.
    [#MachineLearning]
  1. Hyperparameter – A parameter whose value is set before the learning process begins, distinguishing it from other parameters that are learned during training.
    [#MachineLearning]
TERMINOLOGY

Types of Machine Learning

  1. Supervised Learning – A type of machine learning where the algorithm learns from labeled training data.
    [#MachineLearning]
  1. Unsupervised Learning – A type of machine learning where the algorithm learns patterns from unlabeled data.
    [#MachineLearning]
  1. Reinforcement Learning – A type of machine learning where an agent learns to make decisions by taking actions in an environment to maximize a reward.
    [#MachineLearning]
  1. Transfer Learning – A technique where a model developed for one task is reused as the starting point for a model on a second task.
    [#MachineLearning]
  1. Federated Learning – A technique that trains an algorithm across multiple decentralized devices or servers holding local data samples.
    [#MachineLearning][#Privacy]
  1. Semi-supervised Learning – A machine learning approach that combines a small amount of labeled data with a large amount of unlabeled data during training.
    [#MachineLearning]
  1. Online Learning – A method of machine learning where data becomes available in a sequential order and is used to update the model in real-time.
    [#MachineLearning]
TERMINOLOGY

Natural Language Processing

  1. Natural Language Processing – A branch of AI that deals with the interaction between computers and humans using natural language.
    [#NLP]
  1. Sentiment Analysis – The use of NLP techniques to determine the emotional tone behind words.
    [#NLP]
  1. Named Entity RecognitionThe process of identifying and classifying key information (entities) in text into predefined categories.
    [#NLP]
  1. Tokenization –  The process of breaking down text into smaller units, such as words or sub-words.
    [#NLP]
  1. Word EmbeddingA technique of representing words and documents using a dense vector representation.
    [#NLP]
  1. Language Model – A statistical model that calculates the probability of a sequence of words or predicts the next word in a sequence.
    [#NLP]
  1. Part-of-Speech Tagging – The process of marking up words in a text as corresponding to particular parts of speech (e.g., noun, verb, adjective).
    [#NLP]
  1. Lemmatization – The process of reducing words to their base or dictionary form (lemma).
    [#NLP]
  1. Semantic Search – An information retrieval technique that understands the intent and contextual meaning of search queries, rather than just matching keywords.
    [#NLP]
  1. Attention Mechanism – A technique in neural networks that allows the model to focus on specific parts of the input when performing a task, crucial for many NLP applications.
    [#NLP]
TERMINOLOGY

Computer Vision

  1. Computer Vision – A field of AI that trains computers to interpret and understand the visual world.
    [#ComputerVision]
  1. Image Recognition – The ability of AI to identify and detect an object or feature in a digital image or video.
    [#ComputerVision]
  1. Facial Recognition – A technology capable of identifying or verifying a person from a digital image or video frame.
    [#ComputerVision]
  1. Object Detection – A computer vision technique for locating instances of objects in images or videos.
    [#ComputerVision]
  1. Convolutional Neural Network – A class of deep neural networks most commonly applied to analyzing visual imagery.
    [#ComputerVision][#NeuralNetwork]
  1. Semantic Segmentation – A computer vision task where the goal is to partition an image into semantically meaningful parts.
    [#ComputerVision]
  1. YOLO (You Only Look Ince) – A state-of-the-art, real-time object detection system that can detect multiple objects in an image with a single forward pass through a neural network.
    [#ComputerVision]
TERMINOLOGY

AI Ethics and Responsible AI

  1. AI Ethics – The study of moral issues related to the development and use of AI technologies.
    [#Ethics]
  1. Bias in AI – Systematic errors in AI systems that can result in unfair outcomes for certain groups.
    [#Ethics]
  1. Explainable AI (XAI) – AI systems that make decisions or take actions that can be easily understood by humans.
    [#Ethics]
  1. Fairness in AI – The practice of ensuring that AI systems do not discriminate against particular groups or individuals.
    [#Ethics]
  1. AI Governance – The process of defining and implementing rules and best practices for the development and use of AI.
    [#Ethics]
  1. AI Safety – The field focused on ensuring AI systems are designed and operated safely and reliably.
    [#Ethics]
  1. Privacy-Preserving AI – AI techniques that protect individual privacy while still allowing for data analysis and model training.
    [#Ethics][#Privacy]
  1. AI Alignment – The challenge of aligning artificial intelligence systems with human values and intentions.
    [#Ethics]
  1. Algorithmic Transparency – The principle of making the decision-making processes of AI systems understandable and interpretable to humans.
    [#Ethics]
TERMINOLOGY

AI Applications

  1. Chatbot – A computer program designed to simulate human conversation through text or voice interactions.
    [#AIApplications][#NLP]
  1. Recommender System – An AI-based system that suggests items or content to users based on their preferences or behavior.
    [#AIApplications][#Media]
  1. Predictive Analytics – The use of data, statistical algorithms, and machine learning techniques to identify future outcomes based on historical data.
    [#AIApplications]
  1. Customer Segmentation – Using AI to divide a customer base into groups of individuals with similar characteristics.
    [#AIApplications][#Marketing]
  1. Speech Recognition – AI technology that converts spoken language into text.
    [#AIApplications][#NLP]
  1. Autonomous Vehicle – A vehicle capable of sensing its environment and operating without human involvement.
    [#AIApplications][#Automobile]
  1. Predictive Maintainance – The use of AI to predict when equipment is likely to fail so that maintenance can be scheduled proactively.
    [#AIApplications][#Production]
  1. Fraud Detection – The use of AI to identify and prevent fraudulent activities in various sectors, especially finance.
    [#AIApplications][#Finance]
  1. Supply Chain Optimization – Using AI to improve efficiency and reduce costs in supply chain management.
    [#AIApplications][#Production]
  1. Robotic Process Automation (RPA) – The use of AI to automate routine, rule-based digital tasks typically performed by humans.
    [#AIApplications][#Automation]
  1. Digital Twin – A virtual representation of a physical object or system that uses real-time data to enable understanding, learning, and reasoning.
    [#AIApplications][#Production]
  1. Medical Imaging Analysis – AI-powered analysis of medical images for diagnosis and treatment planning.
    [#AIApplications][#Healthcare]
  1. Drug Discovery – The use of AI to accelerate the process of identifying and developing new medications.
    [#AIApplications][#Healthcare]
  1. Personalized Medicine – AI-driven approach to tailor medical treatment to individual patients based on their genetic profile.
    [#AIApplications][#Healthcare]
  1. Remote Patient Monitoring – AI systems that track patient health data outside of traditional healthcare settings.
    [#AIApplications][#Healthcare]
  1. Clinical Decision Support – AI tools that assist healthcare providers in making diagnostic and treatment decisions.
    [#AIApplications][#Healthcare]
TERMINOLOGY

Data

  1. Big Data – Extremely large data sets that may be analyzed computationally to reveal patterns, trends, and associations.
    [#DataScience]
  1. Cloud Computing – The delivery of computing services over the internet, often used to power AI applications.
    [#DataScience]
  1. Edge AI – AI processing that occurs on devices at the edge of the network, rather than in the cloud.
    [#DataScience]
  1. Data Mining – The process of discovering patterns in large data sets involving methods at the intersection of machine learning, statistics, and database systems.
    [#DataScience]
  1. Feature Engineering – The process of using domain knowledge to extract features from raw data to use in machine learning.
    [#DataScience][#MachineLearning]
  1. Data Processing – The technique of transforming raw data into a clean and organized format.
    [#DataScience]
  1. Dimensionality Reduction – The process of reducing the number of random variables under consideration in a dataset.
    [#DataScience]
  1. Data Lake – A centralized repository that allows you to store all your structured and unstructured data at any scale.
    [#DataScience][#MachineLearning]
  1. ETL (Extract, Transform, Load) – A process in data warehousing responsible for pulling data out of one system, processing it, and loading it into another system.
    [#DataScience]
TERMINOLOGY

Advanced AI Concepts

  1. Generative AI – AI systems that can generate new content, such as images, text, or music.
    [#AdvancedAI]
  1. Large Language Models (LLMs) – Advanced AI models trained on vast amounts of text data, capable of understanding and generating human-like text across a wide range of topics and tasks.
    [#AdvancedAI][#NLP]
  1. Transformer – A deep learning model that adopts the mechanism of self-attention, differentially weighting the significance of each part of the input data.
    [#AdvancedAI][#NLP]
  1. Artificial General Intelligence (AGI) – A hypothetical AI that can understand, learn, and apply knowledge across a wide range of tasks at a median human level.
    [#AdvancedAI]
  1. Retrieval Augmented Generation (RAG) – A technique that combines information retrieval with text generation, allowing AI models to access and incorporate external knowledge when generating responses.
    [#AdvancedAI][#NLP]
  1. Knowledge Distillation – A technique for transferring knowledge from a large, complex model (the teacher) to a smaller, simpler model (the student) to improve efficiency while maintaining performance.
    [#AdvancedAI][#MachineLearning]
  1. Transfer Learning – A machine learning method where a model developed for one task is reused as the starting point for a model on a second task.
    [#AdvancedAI][#MachineLearning]
  1. Ensemble Learning – A machine learning technique that combines multiple models to improve overall performance.
    [#AdvancedAI][#MachineLearning]
  1. Adverarial Learning – A technique used in machine learning where two neural networks contest with each other to improve the overall performance.
    [#AdvancedAI]
  1. Quantum Machine Learning – An interdisciplinary field that combines quantum physics with machine learning techniques.
    [#AdvancedAI][#MachineLearning]
  1. Auto ML – The process of automating the end-to-end process of applying machine learning to real-world problems.
    [#AdvancedAI][#MachineLearning]
  1. Federated Learning – A machine learning technique that trains an algorithm across multiple decentralized devices or servers holding local data samples, without exchanging them.
    [#AdvancedAI][#Privacy]
  1. Few-Shot Learning – A type of machine learning where a model is trained to recognize new classes or perform new tasks using only a few examples.
    [#AdvancedAI][#MachineLearning]
  1. Zero-Shot Learning – The ability of AI models to perform tasks or make predictions for classes they haven’t explicitly been trained on, based on descriptive attributes or related information.
    [#AdvancedAI][#MachineLearning]
  1. Neuromorphic Computing – Computing systems that mimic the structure and function of biological neural networks.
    [#AdvancedAI][#NeuralNetworks]
  1. AI Augmentation – The use of AI to enhance human intelligence and capabilities, rather than replace them.
    [#AdvancedAI]
  1. Ensemble Learning – A machine learning paradigm where multiple models are used to solve the same problem and combined to get better results.
    [#AdvancedAI][#MachineLearning]
TERMINOLOGY

AI Development and Deployment

  1. Training Data – The dataset used to train an AI model.
    [#AIDevelopment][#DataScience]
  1. Model – A specific representation of knowledge that has been trained on data and can make predictions.
    [#AIDevelopment][#MachineLearning]
  1. Fine-Tuning – The process of further training a pre-trained model on a specific dataset or task to adapt it for a particular application or domain.
    [#AIDevelopment][#MachineLearning]
  1. Hyperparameter – A parameter whose value is set before the learning process begins, distinguishing it from other parameters that are learned during training.
    [#AIDevelopment][#MachineLearning]
  1. Overfitting – When a model learns the training data too well, including noise and fluctuations, leading to poor performance on new data.
    [#AIDevelopment][#MachineLearning]
  1. Tensorflow -An open-source software library for machine learning and artificial intelligence.
    [#AIDevelopment]
  1. PyTorch -An open-source machine learning library developed by Facebook’s AI Research lab.
    [#AIDevelopment]
  1. Kubernetes – An open-source system for automating deployment, scaling, and management of containerized applications, often used for AI systems.
    [#AIDevelopment]
  1. Jupyter Notebook – An open-source web application that allows data scientists to create and share documents containing live code, equations, and visualizations.
    [#AIDevelopment][#DataScience]
  1. MLOps (Machine Learning Operations) – A set of practices that aims to deploy and maintain machine learning models in production reliably and efficiently.
    [#AIDeployment]
  1. LLMOps (Large Language Model Operations) – A set of practices and tools for managing the lifecycle of large language model applications, including development, deployment, maintenance, and optimization.
    [#AIDeployment]
  1. RAGOps (Retrieval-Augmented Generation Operations) – Operational practices for implementing and maintaining Retrieval-Augmented Generation systems, focusing on integrating information retrieval with text generation in AI applications.
    [#AIDeployment]
  1. AIOps (Artificial Intelligence for IT Operations) – The application of AI, particularly machine learning and data analytics, to enhance and automate IT operations, improving efficiency and effectiveness of IT management.
    [#AIDeployment]
  1. ModelOps (Model Operations) – A framework for governing and managing the lifecycle of decision models, including AI and machine learning models, focusing on operationalization across various platforms.
    [#AIDeployment]
  1. DataOps (Data Operations) – An automated, process-oriented methodology used by data teams to improve the quality and reduce the cycle time of data analytics, combining agile development, DevOps, and statistical process control.
    [#AIDeployment][#DataScience]
  1. API (Application Programming Interface) – A set of protocols and tools for building software applications, often used to integrate AI capabilities into other systems.
    [#AIDevelopment][#AIDeployment]
  1. Docker – A platform used to develop, ship, and run applications in containers, providing consistency across different environments.
    [#AIDeployment]
  1. CI/CD (Continuous Integration/Continuous Deployment) – A method to frequently deliver apps to customers by introducing automation into the stages of app development.
    [#AIDeployment]
  1. A/B Testing – A method of comparing two versions of a machine learning model or application to determine which one performs better.
    [#AIDevelopment][#AIApplications]
  1. Model Versioning – The practice of tracking changes to machine learning models over time, similar to version control in software development.
    [#AIDevelopment]
  1. AI Observability – The ability to measure, track, and understand AI system outputs, including model performance, data quality, and operational metrics, to ensure reliability and trustworthiness.
    [#AIDevelopment]