The Executive AI Glossary
Agentic AI
Category: Ethical / Governance
Definition:
A form of artificial intelligence that can make autonomous decisions and take actions based on goals, without human intervention.
Relevance for Businesses:
TBA.
Vibe Coding
Category: General / Other
Definition:
An emerging practice of programming or prompting AI systems based on emotional tone or creative ‘vibes’ rather than strict logic.
Relevance to SMBs:
TBA.
Prompt Engineering
Category: Interaction / UX
Definition:
The process of crafting effective prompts to guide AI models, especially language models, to produce desired outputs.
Relevance to SMBs:
TBA.
LLM (Large Language Model)
Category: General / Other
Definition:
A type of AI model trained on vast amounts of text data to understand and generate human-like language.
Relevance to SMBs:
TBA.
Neural Networks
Category: Technical
Definition:
A set of algorithms modeled after the human brain, used to recognize patterns and make predictions in machine learning.
Relevance to SMBs:
TBA.
AGI (Artificial General Intelligence)
Category: General / Other
Definition:
A theoretical AI that can understand, learn, and apply intelligence across a wide range of tasks at a human level.
Relevance to SMBs:
TBA.
NLP (Natural Language Processing)
Category: General / Other
Definition:
A field of AI focused on enabling machines to understand, interpret, and generate human language.
Relevance to SMBs:
TBA.
Multimodal AI
Category: General / Other
Definition:
AI systems that can process and understand multiple types of input, such as text, images, audio, and video simultaneously.
Relevance to SMBs:
TBA.
Generative Pre-Trained Transformers (GPT)
Category: Technical
Definition:
A family of LLMs trained to generate human-like text, such as ChatGPT, by predicting the next word in a sentence.
Relevance to SMBs:
TBA.
Chain of Thought Reasoning
Category: General / Other
Definition:
A prompting technique where the AI is encouraged to explain its reasoning step-by-step, leading to more accurate results.
Relevance to SMBs:
TBA.
Human-in-the-Loop
Category: General / Other
Definition:
An approach where human oversight or input is integrated into the AI decision-making process to improve accuracy and safety.
Relevance to SMBs:
TBA.
Transformers
Category: Technical
Definition:
A deep learning architecture that processes sequential data using attention mechanisms, foundational to models like GPT and BERT.
Relevance to SMBs:
TBA.
Reinforcement Learning
Category: General / Other
Definition:
A type of machine learning where agents learn by receiving rewards or penalties based on their actions in an environment.
Relevance to SMBs:
TBA.
Few-shot Learning
Category: General / Other
Definition:
The ability of an AI model to learn a task from only a few examples or prompts.
Relevance to SMBs:
TBA.
Zero-shot Learning
Category: General / Other
Definition:
The ability of an AI model to perform tasks without any prior training examples by leveraging its general knowledge.
Relevance to SMBs:
TBA.
Self-Supervised Learning
Category: General / Other
Definition:
A training method where AI models learn from data without explicit labels by predicting parts of the input data itself.
Relevance to SMBs:
TBA.
Foundation Model
Category: General / Other
Definition:
A large AI model trained on broad data at scale and adaptable to a wide range of downstream tasks.
Relevance to SMBs:
TBA.
Fine-Tuning
Category: General / Other
Definition:
Adjusting a pre-trained AI model with additional training on specific data to improve performance on a targeted task.
Relevance to SMBs:
TBA.
Alignment
Category: Ethical / Governance
Definition:
Ensuring that AI systems act in accordance with human values, goals, and ethical standards.
Relevance to SMBs:
TBA.
Hallucination (in AI)
Category: General / Other
Definition:
When an AI model generates false or fabricated information that appears plausible but is not based on real data.
Relevance to SMBs:
TBA.
Bias in AI
Category: General / Other
Definition:
Systematic errors in AI predictions or behavior due to prejudiced training data or flawed model design.
Relevance to SMBs:
TBA.
Ethical AI
Category: Ethical / Governance
Definition:
The practice of designing and deploying AI systems that prioritize fairness, transparency, accountability, and respect for human rights.
Relevance to SMBs:
TBA.
Explainable AI (XAI)
Category: General / Other
Definition:
AI systems designed to make their decision-making processes transparent and understandable to humans.
Relevance to SMBs:
TBA.
Diffusion Models
Category: General / Other
Definition:
A class of generative models that iteratively refine noise into data (e.g., images), often used in tools like Stable Diffusion.
Relevance to SMBs:
TBA.
Retrieval-Augmented Generation (RAG)
Category: General / Other
Definition:
An AI approach that combines information retrieval with text generation to produce accurate, fact-based outputs.
Relevance to SMBs:
TBA.
Model Interpretability
Category: General / Other
Definition:
The degree to which a human can understand the reasoning behind an AI model’s decisions or predictions.
Relevance to SMBs:
TBA.
Federated Learning
Category: General / Other
Definition:
A decentralized approach to training AI models across multiple devices or locations without sharing raw data.
Relevance to SMBs:
TBA.
Synthetic Data
Category: General / Other
Definition:
Artificially generated data used to train or test AI models when real data is scarce, sensitive, or expensive.
Relevance to SMBs:
TBA.
Model Compression
Category: General / Other
Definition:
Techniques used to reduce the size of AI models to improve efficiency, speed, or deployment feasibility.
Relevance to SMBs:
TBA.
Inference
Category: General / Other
Definition:
The process of using a trained AI model to make predictions or generate outputs based on new input data.
Relevance to SMBs:
TBA.
Tokenization
Category: General / Other
Definition:
The process of breaking down text into smaller units (tokens) that AI models can process.
Relevance to SMBs:
TBA.
Embeddings
Category: General / Other
Definition:
Numerical representations of words, phrases, or concepts that capture their meaning and relationships.
Relevance to SMBs:
TBA.
Latent Space
Category: General / Other
Definition:
A multidimensional representation within AI models where abstract features of data are mapped and manipulated.
Relevance to SMBs:
TBA.
Vector Database
Category: General / Other
Definition:
A specialized database designed to store and search high-dimensional vectors, often used for embeddings.
Relevance to SMBs:
TBA.
Semantic Search
Category: General / Other
Definition:
A search method that understands the meaning and context of queries rather than relying on keyword matching.
Relevance to SMBs:
TBA.
Knowledge Graph
Category: General / Other
Definition:
A network of real-world entities and their relationships, used to enhance AI understanding and reasoning.
Relevance to SMBs:
TBA.
Causal AI
Category: General / Other
Definition:
AI models designed to understand cause-and-effect relationships, not just correlations, enabling better decision-making.
Relevance to SMBs:
TBA.
AutoML
Category: General / Other
Definition:
Automated machine learning that simplifies model selection, training, and tuning for users with limited expertise.
Relevance to SMBs:
TBA.
Few-shot Prompting
Category: Interaction / UX
Definition:
Providing a model with a few examples within the prompt to guide its understanding of a task.
Relevance to SMBs:
TBA.
Prompt Chaining
Category: Interaction / UX
Definition:
Linking multiple prompts together so that the output of one prompt becomes the input for the next.
Relevance to SMBs:
TBA.
Temperature (AI Parameter)
Category: General / Other
Definition:
A parameter that controls the randomness of AI-generated text; lower values make output more focused, higher values more creative.
Relevance to SMBs:
TBA.
Top-K Sampling
Category: General / Other
Definition:
A sampling technique where the model chooses the next word from the top K most likely options, adding diversity to output.
Relevance to SMBs:
TBA.
Top-P Sampling
Category: General / Other
Definition:
Also known as nucleus sampling, it selects the next word from the smallest set of words whose cumulative probability exceeds a threshold P.
Relevance to SMBs:
TBA.
LoRA (Low-Rank Adaptation)
Category: General / Other
Definition:
A technique for fine-tuning large models efficiently by adjusting only a small subset of parameters.
Relevance to SMBs:
TBA.
Attention Mechanism
Category: General / Other
Definition:
A component in transformer models that allows the AI to focus on relevant parts of the input data for each output decision.
Relevance to SMBs:
TBA.
Cross-Attention
Category: General / Other
Definition:
A type of attention where one input sequence (like a question) attends to another (like a passage), used in translation or Q&A models.
Relevance to SMBs:
TBA.
Self-Attention
Category: General / Other
Definition:
An attention mechanism where each part of a sequence considers every other part, key to how transformers understand context.
Relevance to SMBs:
TBA.
Positional Encoding
Category: General / Other
Definition:
Adds information about the position of tokens in a sequence, helping transformers process word order.
Relevance to SMBs:
TBA.
Context Window
Category: General / Other
Definition:
The amount of input text an AI model can consider at one time; limited by the model’s architecture and memory.
Relevance to SMBs:
TBA.
Red Teaming (AI Safety)
Category: General / Other
Definition:
A practice where experts intentionally probe AI systems for flaws, biases, or vulnerabilities to improve safety.
Relevance to SMBs:
TBA.
Guardrails
Category: General / Other
Definition:
Predefined rules or constraints placed on AI outputs to ensure safe and appropriate behavior.
Relevance to SMBs:
TBA.
Safety Layer
Category: General / Other
Definition:
An additional system or process that oversees and moderates AI behavior to prevent harmful or unsafe actions.
Relevance to SMBs:
TBA.
Chain of Density Prompting
Category: Interaction / UX
Definition:
A prompting method that guides AI to generate increasingly informative responses in structured stages.
Relevance to SMBs:
TBA.
System Prompt
Category: Interaction / UX
Definition:
A hidden instruction given to an AI model to guide its behavior and tone throughout a session.
Relevance to SMBs:
TBA.
Persona Prompt
Category: Interaction / UX
Definition:
A prompt designed to make the AI adopt a particular personality, role, or point of view in its responses.
Relevance to SMBs:
TBA.
Function Calling
Category: General / Other
Definition:
A capability that allows AI to call software functions or APIs during its execution for enhanced interactivity.
Relevance to SMBs:
TBA.
Agents
Category: General / Other
Definition:
AI systems that can perform tasks autonomously, often coordinating actions and tools based on goals and feedback.
Relevance to SMBs:
TBA.
Autonomous Agents
Category: General / Other
Definition:
Advanced AI systems capable of setting and executing goals independently, often used in simulations or planning.
Relevance to SMBs:
TBA.
Open-Source LLMs
Category: General / Other
Definition:
Large language models whose code and training data are publicly available for research or modification.
Relevance to SMBs:
TBA.
Closed-Source LLMs
Category: General / Other
Definition:
Proprietary large language models developed by companies with restricted access to their code or data.
Relevance to SMBs:
TBA.
Chatbot
Category: General / Other
Definition:
A software application that simulates human conversation through text or voice interactions, often used in customer service.
Relevance to SMBs:
TBA.
Conversational AI
Category: General / Other
Definition:
AI systems designed to engage in dialogue with users, understanding context and generating natural, coherent responses.
Relevance to SMBs:
TBA.
Voice Cloning
Category: General / Other
Definition:
A technique that replicates a person’s voice using AI models trained on audio samples.
Relevance to SMBs:
TBA.
Text-to-Image
Category: General / Other
Definition:
AI models that generate images based on textual descriptions, e.g., DALL·E.
Relevance to SMBs:
TBA.
Text-to-Video
Category: General / Other
Definition:
AI models that create video content from written prompts, still in early development.
Relevance to SMBs:
TBA.
Text-to-Speech
Category: General / Other
Definition:
Technology that converts written text into spoken voice output using synthetic voices.
Relevance to SMBs:
TBA.
Speech Recognition
Category: General / Other
Definition:
AI that converts spoken language into text, enabling voice commands and transcription.
Relevance to SMBs:
TBA.
Emotion AI
Category: General / Other
Definition:
AI systems that detect and respond to human emotions using data such as facial expressions, voice tone, or text.
Relevance to SMBs:
TBA.
Anthropomorphism in AI
Category: General / Other
Definition:
The tendency to attribute human traits, emotions, or intentions to AI or machines.
Relevance to SMBs:
TBA.
AI Alignment Problem
Category: Ethical / Governance
Definition:
The challenge of ensuring that AI systems’ goals and behaviors are aligned with human values and intentions.
Relevance to SMBs:
TBA.
AI Governance
Category: General / Other
Definition:
Policies, regulations, and oversight frameworks designed to guide the ethical development and use of AI.
Relevance to SMBs:
TBA.
AI Auditing
Category: General / Other
Definition:
The process of evaluating AI systems to ensure they meet standards for fairness, accuracy, transparency, and safety.
Relevance to SMBs:
TBA.
Data Drift
Category: General / Other
Definition:
A change in the input data over time that can cause a model’s performance to degrade.
Relevance to SMBs:
TBA.
Concept Drift
Category: General / Other
Definition:
A shift in the underlying relationship between input and output variables over time, impacting model accuracy.
Relevance to SMBs:
TBA.
Model Monitoring
Category: General / Other
Definition:
Ongoing tracking of AI system performance in real-world settings to detect issues like drift or errors.
Relevance to SMBs:
TBA.
Explainability Dashboard
Category: General / Other
Definition:
A tool or interface that helps visualize and explain how AI models make decisions.
Relevance to SMBs:
TBA.
AI Literacy
Category: General / Other
Definition:
The understanding of key AI concepts and implications, enabling informed use and oversight of AI technologies.
Relevance to SMBs:
TBA.
Prompt Library
Category: Interaction / UX
Definition:
A curated collection of effective prompts used to guide AI models in generating specific outputs.
Relevance to SMBs:
TBA.
Few-shot Examples
Category: General / Other
Definition:
A set of example inputs and outputs included in a prompt to show an AI model how to perform a task.
Relevance to SMBs:
TBA.
Prompt Injection
Category: Interaction / UX
Definition:
A security risk where malicious input is designed to manipulate or override an AI model’s behavior.
Relevance to SMBs:
TBA.
Context Injection
Category: General / Other
Definition:
A technique to insert relevant background or situational data into a prompt to improve AI response accuracy.
Relevance to SMBs:
TBA.
Semantic Segmentation
Category: General / Other
Definition:
An image analysis task where each pixel is classified into a category, often used in computer vision applications.
Relevance to SMBs:
TBA.
YOLO (You Only Look Once)
Category: General / Other
Definition:
A real-time object detection algorithm known for its speed and accuracy in identifying objects in images or video.
Relevance to SMBs:
TBA.
GANs (Generative Adversarial Networks)
Category: Technical
Definition:
A framework where two neural networks compete to improve the quality of generated data like images or music.
Relevance to SMBs:
TBA.
Diffusion Transformers
Category: Technical
Definition:
Models that combine diffusion processes with transformer architectures to improve generative capabilities.
Relevance to SMBs:
TBA.
Stable Diffusion
Category: General / Other
Definition:
A popular open-source AI model for generating detailed images from text, based on a diffusion process.
Relevance to SMBs:
TBA.
CLIP Model
Category: General / Other
Definition:
A model developed by OpenAI that understands images and text together, enabling cross-modal tasks like image generation and search.
Relevance to SMBs:
TBA.
BERT
Category: General / Other
Definition:
Bidirectional Encoder Representations from Transformers, a model that understands context in language by looking at words in both directions.
Relevance to SMBs:
TBA.
RoBERTa
Category: General / Other
Definition:
A robustly optimized version of BERT that improves performance through better training practices.
Relevance to SMBs:
TBA.
T5
Category: General / Other
Definition:
Text-To-Text Transfer Transformer, a model that converts all NLP tasks into a text-to-text format for unified training and use.
Relevance to SMBs:
TBA.
DALL-E
Category: General / Other
Definition:
An AI model by OpenAI that generates images from textual descriptions, combining creativity and control.
Relevance to SMBs:
TBA.
Whisper (OpenAI)
Category: General / Other
Definition:
A speech recognition model by OpenAI capable of transcribing and translating audio with high accuracy.
Relevance to SMBs:
TBA.
Gemini (Google)
Category: General / Other
Definition:
Google DeepMind’s suite of advanced multimodal AI models designed for diverse applications.
Relevance to SMBs:
TBA.
Claude (Anthropic)
Category: General / Other
Definition:
A family of conversational AI models developed by Anthropic, focused on safety and constitutional principles.
Relevance to SMBs:
TBA.
Grok (xAI)
Category: General / Other
Definition:
An AI assistant created by Elon Musk’s xAI company, integrated with X (formerly Twitter).
Relevance to SMBs:
TBA.
Mistral AI
Category: General / Other
Definition:
An AI company and open-source model family from Europe focused on high-performance language modeling.
Relevance to SMBs:
TBA.
LLaMA (Meta)
Category: General / Other
Definition:
Large Language Model Meta AI, Meta’s family of open-source LLMs built for accessibility and transparency.
Relevance to SMBs:
TBA.
Falcon
Category: General / Other
Definition:
A set of powerful open-source LLMs developed by the Technology Innovation Institute (TII) in the UAE.
Relevance to SMBs:
TBA.
GPT-4
Category: General / Other
Definition:
A multimodal large language model from OpenAI known for its improved reasoning, accuracy, and contextual understanding.
Relevance to SMBs:
TBA.
GPT-4o
Category: General / Other
Definition:
An optimized, faster version of GPT-4 that integrates vision, text, and audio for real-time multimodal interactions.
Relevance to SMBs:
TBA.
ChatGPT
Category: General / Other
Definition:
A conversational AI application developed by OpenAI, based on the GPT family of models, designed for dialogue and task assistance.
Relevance to SMBs:
TBA.
LangChain
Category: General / Other
Definition:
An open-source framework for building AI applications that use LLMs, enabling chaining of prompts, tools, and memory.
Relevance to SMBs:
TBA.
Pinecone
Category: General / Other
Definition:
A vector database optimized for similarity search and real-time retrieval of embeddings used in AI applications.
Relevance to SMBs:
TBA.
Chroma
Category: General / Other
Definition:
An open-source vector database for building AI apps that need memory, such as chatbots or recommendation systems.
Relevance to SMBs:
TBA.
Weaviate
Category: General / Other
Definition:
A cloud-native vector database that enables semantic search and uses AI models to store and retrieve unstructured data.
Relevance to SMBs:
TBA.
LlamaIndex
Category: General / Other
Definition:
A tool that connects LLMs to external data sources like PDFs, databases, and APIs to create context-aware AI applications.
Relevance to SMBs:
TBA.
AI Orchestration
Category: General / Other
Definition:
Coordinating multiple AI models, APIs, and tools to work together for complex, multi-step tasks in applications.
Relevance to SMBs:
TBA.
Prompt Templating
Category: Interaction / UX
Definition:
Creating reusable prompt structures with placeholders to streamline and standardize AI interactions.
Relevance to SMBs:
TBA.
LangGraph
Category: General / Other
Definition:
A framework for building AI agents using stateful, multi-step workflows structured as graphs of interactions.
Relevance to SMBs:
TBA.
Auto-GPT
Category: General / Other
Definition:
An experimental open-source application where GPT models autonomously complete tasks by generating and following goals.
Relevance to SMBs:
TBA.
BabyAGI
Category: General / Other
Definition:
A lightweight autonomous AI agent that uses task management and memory to achieve objectives with minimal input.
Relevance to SMBs:
TBA.
CrewAI
Category: General / Other
Definition:
A multi-agent framework for managing and assigning roles to different AI agents working collaboratively on tasks.
Relevance to SMBs:
TBA.
AgentOps
Category: General / Other
Definition:
A toolkit for managing, deploying, and monitoring AI agents in production environments.
Relevance to SMBs:
TBA.
AI Plugins
Category: General / Other
Definition:
Extensions that enhance AI capabilities by connecting to external services, tools, or data sources via APIs.
Relevance to SMBs:
TBA.
Text Embedding Models
Category: General / Other
Definition:
AI models that convert text into numerical vectors that capture semantic meaning for comparison or search.
Relevance to SMBs:
TBA.
OpenAI API
Category: General / Other
Definition:
A commercial interface for accessing OpenAI’s models like GPT, Whisper, and DALL¬∑E through web-based requests.
Relevance to SMBs:
TBA.
Anthropic API
Category: General / Other
Definition:
A service providing programmatic access to Claude, Anthropic’s AI assistant, for text generation and interaction.
Relevance to SMBs:
TBA.
Open Source Weights
Category: General / Other
Definition:
Publicly released AI model parameters that allow developers to run and modify models on their own infrastructure.
Relevance to SMBs:
TBA.
Model Card
Category: General / Other
Definition:
A documentation framework that outlines an AI model’s capabilities, limitations, training data, and ethical considerations.
Relevance to SMBs:
TBA.
Inference Cost
Category: General / Other
Definition:
The computational and financial cost of generating responses from an AI model, often tied to model size and usage.
Relevance to SMBs:
TBA.
Token Limit
Category: General / Other
Definition:
The maximum number of tokens (words or word fragments) an AI model can process in a single prompt and response cycle.
Relevance to SMBs:
TBA.
Context Length
Category: General / Other
Definition:
The amount of prior text an AI model can remember and reference in generating its responses.
Relevance to SMBs:
TBA.
Model Latency
Category: General / Other
Definition:
The time delay between sending a request to an AI model and receiving a response, often influenced by model size and hardware.
Relevance to SMBs:
TBA.
Hardware Acceleration
Category: General / Other
Definition:
The use of specialized hardware like GPUs or TPUs to speed up AI model training and inference.
Relevance to SMBs:
TBA.
TPU (Tensor Processing Unit)
Category: General / Other
Definition:
A custom AI accelerator developed by Google designed to speed up machine learning computations.
Relevance to SMBs:
TBA.
GPU (Graphics Processing Unit)
Category: General / Other
Definition:
A processor well-suited for parallel tasks like AI model training and inference, widely used in deep learning.
Relevance to SMBs:
TBA.
Alan Turing
Category: General / Other
Definition:
A pioneer of computer science and artificial intelligence, best known for the Turing Test and foundational theoretical work.
Relevance to SMBs:
TBA.
Turing Test
Category: General / Other
Definition:
A test proposed by Alan Turing to determine if a machine exhibits human-like intelligence in conversation.
Relevance to SMBs:
TBA.
Geoffrey Hinton
Category: General / Other
Definition:
A key figure in AI and deep learning, known for work on neural networks and co-winning the 2018 Turing Award.
Relevance to SMBs:
TBA.
Yoshua Bengio
Category: General / Other
Definition:
AI researcher and Turing Award winner recognized for contributions to deep learning and neural network architectures.
Relevance to SMBs:
TBA.
Yann LeCun
Category: General / Other
Definition:
A pioneer in convolutional neural networks and deep learning, also a Turing Award winner and Meta’s Chief AI Scientist.
Relevance to SMBs:
TBA.
Deep Blue
Category: General / Other
Definition:
A chess-playing supercomputer developed by IBM that defeated world champion Garry Kasparov in 1997.
Relevance to SMBs:
TBA.
AlphaGo
Category: General / Other
Definition:
An AI developed by DeepMind that defeated top human players in the complex board game Go using deep reinforcement learning.
Relevance to SMBs:
TBA.
Watson (IBM)
Category: General / Other
Definition:
An AI system by IBM that gained fame by winning Jeopardy! and was later used in medical and business applications.
Relevance to SMBs:
TBA.
DeepMind
Category: General / Other
Definition:
An AI research lab owned by Alphabet (Google’s parent) known for breakthroughs in deep learning and reinforcement learning.
Relevance to SMBs:
TBA.
John McCarthy
Category: General / Other
Definition:
Credited with coining the term ‘Artificial Intelligence’ and a key figure in early AI research and programming languages.
Relevance to SMBs:
TBA.
Eliza (Chatbot)
Category: General / Other
Definition:
One of the first natural language processing programs, simulating a psychotherapist through scripted responses.
Relevance to SMBs:
TBA.
SHRDLU
Category: General / Other
Definition:
An early AI system that could interact with and manipulate objects in a virtual world using natural language commands.
Relevance to SMBs:
TBA.
Perceptron
Category: General / Other
Definition:
A type of neural network and one of the earliest models for binary classifiers, foundational in AI history.
Relevance to SMBs:
TBA.
Expert System
Category: General / Other
Definition:
An early form of AI that used rule-based logic and a knowledge base to mimic human decision-making in specific domains.
Relevance to SMBs:
TBA.
Rule-Based System
Category: General / Other
Definition:
An AI system that uses manually defined rules to make decisions or solve problems based on logical inference.
Relevance to SMBs:
TBA.
Symbolic AI
Category: General / Other
Definition:
An early AI approach focused on manipulating symbols and rules to represent knowledge and reasoning processes.
Relevance to SMBs:
TBA.
Connectionism
Category: General / Other
Definition:
An approach in AI that models mental or behavioral phenomena as the emergent processes of interconnected networks, like neural nets.
Relevance to SMBs:
TBA.
GOFAI (Good Old-Fashioned Artificial Intelligence)
Category: Historical
Definition:
Refers to the early approach to AI that relied on symbolic logic, hand-coded rules, and deterministic reasoning. GOFAI systems were based on manipulating symbols to represent knowledge but struggled with learning and adaptability.
Relevance to SMBs:
TBA.
Cyborg
Category: General / Other
Definition:
A being with both organic and biomechatronic parts, often used metaphorically in AI discussions to describe human-AI augmentation.
Relevance to SMBs:
TBA.
Turk (Mechanical)
Category: General / Other
Definition:
A historical hoax from the 18th century that appeared to be a chess-playing machine but was operated by a hidden human.
Relevance to SMBs:
TBA.
Singularity
Category: General / Other
Definition:
A theoretical point where technological growth becomes uncontrollable and irreversible, often linked with superintelligent AI.
Relevance to SMBs:
TBA.
Moore’s Law
Category: General / Other
Definition:
An observation that the number of transistors on a chip doubles approximately every two years, driving computing progress.
Relevance to SMBs:
TBA.
DARPA Grand Challenge
Category: General / Other
Definition:
A U.S. government-sponsored competition that advanced autonomous vehicle technology through real-world obstacle courses.
Relevance to SMBs:
TBA.
MIT Media Lab
Category: General / Other
Definition:
A research laboratory at MIT known for interdisciplinary innovation in AI, media, and human-computer interaction.
Relevance to SMBs:
TBA.
Neuralink
Category: Technical
Definition:
A neurotechnology company founded by Elon Musk aiming to develop brain‚ computer interfaces to connect humans with AI.
Relevance to SMBs:
TBA.
Deep Thought
Category: General / Other
Definition:
A fictional supercomputer in Douglas Adams’ ‘Hitchhiker’s Guide to the Galaxy’ known for calculating the meaning of life.
Relevance to SMBs:
TBA.
Marvin Minsky
Category: General / Other
Definition:
A cognitive scientist and co-founder of MIT’s AI Lab, influential in early symbolic AI and robotics.
Relevance to SMBs:
TBA.
Norbert Wiener
Category: General / Other
Definition:
A mathematician and the founder of cybernetics, a field foundational to control systems and AI theory.
Relevance to SMBs:
TBA.
Claude Shannon
Category: General / Other
Definition:
Known as the father of information theory, whose work laid the groundwork for digital computing and AI.
Relevance to SMBs:
TBA.
Joseph Weizenbaum
Category: General / Other
Definition:
A computer scientist who created ELIZA and later became a critic of AI’s societal impacts.
Relevance to SMBs:
TBA.
LISP (Language)
Category: General / Other
Definition:
One of the oldest programming languages used in AI development, particularly in symbolic reasoning systems.
Relevance to SMBs:
TBA.
Prolog
Category: General / Other
Definition:
A logic programming language commonly used in AI for tasks involving symbolic reasoning and knowledge representation.
Relevance to SMBs:
TBA.
Bayesian Networks
Category: Technical
Definition:
Probabilistic models that represent a set of variables and their conditional dependencies via a directed graph.
Relevance to SMBs:
TBA.
Backpropagation
Category: General / Other
Definition:
An algorithm used to train neural networks by minimizing error through gradient descent and weight adjustments.
Relevance to SMBs:
TBA.
AI Winter
Category: Historical
Definition:
A period of reduced funding, interest, and progress in AI research due to unmet expectations and underwhelming results.
Relevance to SMBs:
TBA.
First AI Boom (1956-1974)
Category: Historical
Definition:
Sparked by the 1956 Dartmouth Conference, this era focused on symbolic reasoning and problem-solving. Early optimism led to significant investment and government funding.
Relevance to SMBs:
TBA.
Second AI Boom (1980s-1990s)
Category: Historical
Definition:
Marked by the rise of expert systems‚ software designed to mimic human decision-making in narrow domains. While useful in industries like medicine and manufacturing, these systems were costly to maintain. and failed to scale.
Relevance to SMBs:
TBA.
Third AI Boom (2010s-Present)
Category: Historical
Definition:
Fueled by breakthroughs in machine learning, deep learning, and the availability of big data and powerful GPUs,
Relevance to SMBs:
TBA.