DAG (Directed Acyclic Graph)

A graph with directed edges and no cycles, commonly used in Bayesian networks and computational graphs.

Types of DAG Applications

Example

Used in machine learning pipelines to manage dependencies.

Data Augmentation

A technique to artificially expand a dataset by applying transformations such as rotation, flipping, or scaling.

Types of Data Augmentation

Example

Used in image classification to improve model generalization.

Data Cleaning

The process of identifying and correcting errors or inconsistencies in datasets.

Types of Data Cleaning Methods

Example

Used in pre-processing steps of machine learning pipelines.

Data Drift

A phenomenon where the statistical properties of input data change over time, affecting model performance.

Types of Data Drift

Example

Detected in fraud detection systems when user behavior changes.

Data Engineering

The discipline of preparing and processing data for analytical and machine learning tasks.

Types of Data Engineering Tasks

Example

Used in large-scale data processing with Apache Spark.

Data Imputation

The process of replacing missing values in a dataset with estimated values.

Types of Data Imputation

Example

Used in healthcare datasets where missing patient records exist.

Data Labeling

The process of annotating data with meaningful tags for supervised learning models.

Types of Data Labeling

Example

Used in image recognition to label objects in images.

Data Leakage

A scenario where training data contains information that would not be available at prediction time, leading to over-optimistic models.

Types of Data Leakage

Example

Detected in fraud detection models where transaction approvals are included as features.

Data Normalization

A technique used to scale numeric features to a standard range to improve model convergence.

Types of Normalization

Example

Used in neural networks to stabilize training.

Data Preprocessing

The process of transforming raw data into a structured format suitable for machine learning.

Types of Data Preprocessing

Example

Used in NLP for tokenization and text vectorization.

Data Reduction

The process of reducing the volume of data while maintaining its integrity for analysis.

Types of Data Reduction

Example

Used in big data analytics to handle large datasets.

Data Sampling

Selecting a subset of data from a larger dataset to train models efficiently.

Types of Data Sampling

Example

Used in surveys to analyze population trends.

Data Science

An interdisciplinary field that combines statistics, computer science, and machine learning to extract insights from data.

Types of Data Science Applications

Example

Used in e-commerce for personalized recommendations.

Data Scrubbing

A process of cleaning and correcting data inconsistencies to improve quality.

Types of Data Scrubbing

Example

Used in customer databases to merge duplicate records.

Data Segmentation

Dividing data into meaningful groups for analysis and training.

Types of Data Segmentation

Example

Used in marketing for targeted advertising.

Data Smoothing

A technique used to reduce noise in data for better trend detection.

Types of Data Smoothing

Example

Used in stock market analysis for trend forecasting.

Data Standardization

A preprocessing technique that scales data to have a mean of zero and a standard deviation of one.

Types of Standardization

Example

Used in deep learning for stable model training.

Data Transformation

Converting data from one format or structure into another to improve analysis.

Types of Data Transformation

Example

Used in machine learning pipelines to preprocess input features.

Data Warehousing

A system for storing and managing large-scale structured data for analytics.

Types of Data Warehousing

Example

Used in business intelligence for decision-making.

Decision Boundary

A hyperplane that separates different classes in a classification model.

Types of Decision Boundaries

Example

Used in support vector machines for classification tasks.

Decision Stump

A simple decision tree with only one split, often used in boosting algorithms.

Types of Decision Stumps

Example

Used in AdaBoost as a weak classifier.

Decision Tree

A tree-based model used for classification and regression by splitting data at decision nodes.

Types of Decision Trees

Example

Used in customer segmentation models.

Deep Belief Network (DBN)

A type of deep neural network that consists of multiple layers of restricted Boltzmann machines.

Types of DBN Components

Example

Used in unsupervised pre-training for deep learning.

Deep Learning

A subset of machine learning using deep neural networks to model complex patterns in data.

Types of Deep Learning Models

Example

Used in self-driving car perception systems.

Deep Reinforcement Learning

A combination of deep learning and reinforcement learning for decision-making tasks.

Types of Deep RL Algorithms

Example

Used in AlphaGo for playing Go.

Deployment in Machine Learning

The process of integrating a trained model into a production environment.

Types of Deployment Methods

Example

Used in recommendation systems on e-commerce websites.

Descriptive Analytics

A type of data analysis that focuses on summarizing historical data.

Types of Descriptive Analytics

Example

Used in business reports for past sales trends.

Dimensionality Reduction

A technique to reduce the number of input variables while preserving meaningful information.

Types of Dimensionality Reduction

Example

Used in image compression techniques.

Discriminative Model

A type of machine learning model that focuses on differentiating between classes.

Types of Discriminative Models

Example

Used in spam email classification.

Distance Metrics

Mathematical measures used to calculate the similarity or dissimilarity between data points.

Types of Distance Metrics

Example

Used in k-nearest neighbors (KNN) classification.

Distributed Machine Learning

A technique where ML models are trained across multiple machines to handle large-scale data.

Types of Distributed Learning

Example

Used in Google's TensorFlow for large-scale training.

Dropout Regularization

A technique used to prevent overfitting by randomly disabling neurons during training.

Types of Dropout

Example

Used in deep neural networks to improve generalization.

Dynamic Time Warping (DTW)

An algorithm used to measure the similarity between two time-series sequences.

Types of DTW Applications

Example

Used in time-series analysis for pattern matching.

Data Drift

A phenomenon where the statistical properties of input data change over time, affecting model accuracy.

Types of Data Drift

Example

Observed in fraud detection models when fraud patterns evolve.

Data Fusion

The process of integrating multiple data sources to improve model performance.

Types of Data Fusion

Example

Used in autonomous vehicles combining LiDAR and camera data.

Domain Adaptation

A technique to transfer knowledge from a source domain to a target domain with different data distributions.

Types of Domain Adaptation

Example

Used in NLP models trained on formal text but applied to social media.

Decision Forest

A collection of decision trees used to improve prediction accuracy.

Types of Decision Forests

Example

Used in medical diagnosis models for robust predictions.

Dual Learning

A machine learning framework where two models reinforce each other through mutual feedback.

Types of Dual Learning

Example

Used in machine translation to improve accuracy in both directions.

Data Leakage

When training data includes information that will not be available at prediction time, leading to overly optimistic models.

Types of Data Leakage

Example

Occurs in fraud detection when transaction time is used as a feature.

Data Monetization

The process of leveraging data assets to generate economic value.

Types of Data Monetization

Example

Used by social media platforms for targeted advertising.

Machine Learning (ML)

ML is a subset of AI that enables machines to learn patterns from data and make predictions or decisions without explicit programming.

Types of ML

Example

Spam detection in emails using classification models.

Deep Learning (DL)

DL is a subset of ML that uses artificial neural networks to process complex data and perform high-level computations.

Example

Image recognition in self-driving cars.

Generative AI (Gen AI)

Gen AI refers to AI models that generate new content, including text, images, and code, using trained knowledge bases.

Example

AI models like ChatGPT and Stable Diffusion that generate text and images.