AI

4C Framework

An AI fluency framework built on four core competencies: Choice, Clarity, Critical Thinking, and Consistency.

4D Framework

NYD Specific
A structured approach to AI fluency focusing on four key competencies.

AGI

Emerging Concepts
A theoretical form of AI that possesses human-level cognitive abilities across all domains.

AI Act

AI Ethics
The European Union's comprehensive legislation regulating artificial intelligence systems based on risk levels.

AI Alignment

AI Ethics
Ensuring AI systems behave according to human values and intentions, a critical area of AI safety research.

AI Ethics

AI Ethics
The study of moral principles and guidelines governing AI development and deployment.

AI Fluency

NYD Specific
The ability to effectively work with and understand AI systems in practical contexts.

AI Governance

AI Ethics
The frameworks, policies, and processes for overseeing AI development, deployment, and use.

AI Implementation

The process of integrating AI technologies into business processes and systems.

AI Leverage

NYD Specific
The ability to achieve disproportionate outputs through AI tools and automation, creating exponential productivity gains.

AI Models

Mathematical algorithms trained to perform specific tasks by learning patterns from data.

AI in Career Planning

AI Applications
Using AI tools to support career planning, job searching, and professional development.

AI in Learning

AI Applications
Using artificial intelligence to support and enhance learning new concepts.

AI-First Workflows

NYD Specific
Rebuilding processes from scratch around AI capabilities rather than bolting AI onto existing workflows.

API Rate Limiting

Development Tools
Controlling the frequency of API requests to manage costs and prevent service overload.

AUC

Machine Learning
A single number summarizing binary classifier performance across all threshold settings.

Accuracy

Machine Learning
A metric measuring the percentage of correct predictions made by a machine learning model.

Active Learning

Machine Learning
A machine learning approach where algorithms actively select the most informative data to learn from.

Adversarial Machine Learning

AI Ethics
The study of attacks against machine learning systems and defenses to make them more robust.

Agent

Emerging Concepts
AI systems that can take actions and make decisions autonomously to achieve specific goals.

Algorithm

Foundational
A set of rules or instructions that a computer follows to solve a problem or complete a task.

Algorithm

Foundational
A step-by-step procedure or formula for solving a problem or performing a task.

Amazon Kinesis

A fully managed AWS service for real-time data streaming and analytics.

Amazon Lex

Development Tools
Amazon's cloud service for building conversational interfaces using voice and text.

Anthropic

Foundational
AI safety company focused on developing safe, beneficial AI systems using constitutional AI methods, creator of Claude.

Apache Flink

An open-source stream processing framework for distributed, high-performing data streaming applications.

Apache Kafka

An open-source distributed event streaming platform for building real-time data pipelines.

Apache Storm

A distributed real-time computation system for processing unbounded streams of data.

Artificial Intelligence (AI)

Foundational
The simulation of human intelligence in machines programmed to think, learn, and make decisions like humans.

Artificial Intelligence (AI)

Foundational
The simulation of human intelligence in machines programmed to think, learn, and make decisions.

Attention Mechanism

NLP
A technique that allows AI models to focus on specific parts of input data when making predictions.

Attention Mechanism

NLP
A technique in neural networks that focuses on specific parts of input data to improve performance on tasks like translation.

BERT

NLP
A pre-trained language model that understands context from both directions in a sentence.

Backpropagation

Deep Learning
The algorithm used to train neural networks by propagating errors backward through layers.

Backpropagation

Deep Learning
The process of adjusting weights in a neural network by propagating errors backward from the output layer to improve accuracy.

Bard

AI Applications
Google's original AI chatbot, now rebranded as Gemini.

Batch Size

Machine Learning
The number of training examples processed together in one forward/backward pass.

Bayesian Optimization

Machine Learning
A probabilistic approach to optimize hyperparameters by modeling the objective function as a probability distribution.

Bias

AI Ethics
Systematic errors or prejudices in AI systems that can lead to unfair or discriminatory outcomes.

Big Data

Foundational
Extremely large datasets that require specialized tools and techniques to store, process, and analyze.

Black Box

AI Ethics
AI systems whose internal decision-making processes are opaque and unexplainable.

CNNs

Deep Learning
A type of deep neural network particularly effective for analyzing visual imagery, using convolutional layers to detect features.

ChatGPT

AI Applications
A conversational AI model developed by OpenAI that can engage in human-like text conversations and assist with various tasks.

Chatbot

AI Applications
Computer programs designed to simulate human conversation through text or voice.

Claude

NYD Specific
Anthropic's AI assistant family designed for safe, helpful, and honest AI interactions with advanced reasoning capabilities.

Cloud AI

Development Tools
AI services and computations delivered through cloud platforms for scalable access.

Clustering

Machine Learning
A machine learning technique that groups similar data points into distinct clusters.

Cognitive Computing

Emerging Concepts
AI systems designed to simulate human thought processes and reasoning.

Complex Systems Analysis

AI Applications
Using AI to understand and model complex systems with many interconnected components.

Component-Based Architecture

Development Tools
Building applications using reusable, modular components that can incorporate AI features.

Computer Vision

Computer Vision
The field of AI that enables machines to interpret and understand visual information from images and videos.

Confusion Matrix

Machine Learning
A table used to evaluate classification model performance by showing true vs predicted classifications.

Constitutional AI

AI Ethics
Training methodology that uses a set of principles to guide AI behavior and reduce harmful outputs.

Content Generation

AI Applications
AI systems that create original text, images, audio, video, or code content.

Context Window

NLP
The amount of text an AI model can consider at once when generating responses, measured in tokens.

Conversational AI

AI Applications
AI systems that can hold context-aware, natural conversations with users across multiple turns.

Conversational SMS

AI Applications
Text messaging systems enabling natural two-way conversations between businesses and customers.

Conversational User Interface (CUI)

AI Applications
Interfaces enabling natural language conversations between users and computers.

Data Mining

Foundational
The process of discovering patterns, correlations, and insights from large datasets using statistical techniques.

Decision Tree

Machine Learning
A tree-like model used for decision-making and conversation flow in AI systems.

Deep Learning

Deep Learning
A subset of machine learning using neural networks with multiple layers to learn complex patterns in data.

Deepfake

AI Applications
AI-generated or altered media that convincingly mimics real people, often using GANs.

Delegation (AI Context)

NYD Specific
The competency of knowing when humans should do work versus when AI should.

Description (AI Context)

NYD Specific
The ability to communicate clearly and effectively with AI systems.

Diffusion Models

AI Applications
Generative AI models that create content by learning to reverse a noise-adding process.

Diligence (AI Context)

AI Ethics
Ensuring responsible, transparent, and accountable interaction with AI systems.

Discernment (AI Context)

NYD Specific
The ability to critically evaluate and assess AI outputs and recommendations.

Dropout

Deep Learning
A regularization technique that randomly sets neurons to zero during training to prevent overfitting.

Edge AI

Development Tools
Running AI computations locally on devices rather than in the cloud.

Embedding

Machine Learning
Converting data into numerical vector representations that capture semantic meaning and relationships.

Emergent Behavior

Emerging Concepts
Unexpected capabilities that arise from AI systems beyond their explicit programming.

Epoch

Machine Learning
One complete pass through the entire training dataset during model training.

Evolutionary Algorithm (EA)

Foundational
An optimization technique inspired by natural selection and evolution.

Explainable AI (XAI)

AI Ethics
AI systems designed to provide clear, understandable explanations for their decisions and predictions.

Explainable AI (XAI)

AI Ethics
Techniques and methods to make the decisions and predictions of AI models transparent and understandable to humans.

F1 Score

Machine Learning
The harmonic mean of precision and recall, balancing both measures in a single metric.

Feature Extraction

Machine Learning
The process of identifying and selecting the most relevant characteristics from raw data for machine learning.

Federated Learning

Machine Learning
A distributed learning approach that trains models across devices without centralizing data.

Federated Learning

AI Ethics
A decentralized ML approach where models are trained across multiple devices without exchanging the data itself.

Few-Shot Learning

Machine Learning
A machine learning technique that enables models to learn new tasks with only a few training examples.

Fine-tuning

Machine Learning
The process of adapting a pre-trained model to perform well on a specific task or dataset.

Foundation Model

Machine Learning
Large-scale AI models trained on broad datasets that can be adapted for various downstream tasks.

Fuzzy Logic

Foundational
A computing approach handling degrees of truth rather than binary true/false logic.

GANs

Deep Learning
A machine learning architecture with two competing neural networks that can generate realistic content.

GPT

NLP
A family of large language models capable of generating human-like text, developed by OpenAI.

GPT-4

NLP
OpenAI’s fourth-generation large language model for advanced text and reasoning tasks.

GPT-4o

NLP
OpenAI’s multimodal LLM capable of handling text, images, and audio in real time.

Gemini

NLP
Google’s multimodal AI model, successor to LaMDA and PaLM, integrating text, code, and images.

Generative AI

AI Applications
AI systems that can create new content such as text, images, audio, or code based on training data.

Generative AI

AI systems that create new, original content including text, images, audio, and code.

Generative AI Chatbot

AI Applications
A chatbot that generates unique, contextually relevant responses in real time.

Generative Adversarial Network (GAN)

Deep Learning
A deep learning architecture where two neural networks compete to create realistic synthetic data.

Google Cloud Dataflow

A fully managed Google Cloud service for stream and batch data processing based on Apache Beam.

Gradient Descent

Machine Learning
An optimization algorithm that finds the minimum of a loss function through iterative descent.

Grok

AI Applications
xAI’s conversational AI with a candid, less-restricted approach to answering questions.

Grounding

Development Tools
Validating AI outputs against trusted data sources to ensure factual accuracy.

Guardrails

AI Ethics
Predefined rules that limit AI actions to ensure safety, ethics, and compliance.

Hallucinate

AI Ethics
When AI generates false or nonsensical content with high confidence.

Hallucination

AI Ethics
When AI models generate false or nonsensical information that appears plausible but is not based on training data.

Heuristic

Foundational
A shortcut strategy used to quickly find a satisfactory solution.