Machine Learning (ML)

A field of artificial intelligence focused on building models that learn from data to make predictions or decisions.

Types of Machine Learning

Example

Spam email classification using supervised learning.

Manifold Learning

A type of nonlinear dimensionality reduction technique that assumes data lies on a lower-dimensional manifold.

Types of Manifold Learning

Example

Used in visualizing high-dimensional word embeddings.

Markov Chain

A stochastic model describing a sequence of possible events where the probability of each event depends only on the previous state.

Types of Markov Models

Example

Used in speech recognition systems.

Markov Decision Process (MDP)

A mathematical framework used in reinforcement learning to model decision-making.

Components of MDP

Example

Used in robot navigation problems.

Maximum Likelihood Estimation (MLE)

A statistical method for estimating the parameters of a model by maximizing the likelihood function.

Types of Estimation

Example

Used in fitting Gaussian distributions to data.

Mean Absolute Error (MAE)

A regression loss function that calculates the average absolute difference between actual and predicted values.

Types of Regression Errors

Example

Used to evaluate house price prediction models.

Mean Squared Error (MSE)

A regression loss function that calculates the average squared difference between actual and predicted values.

Types of Regression Metrics

Example

Used in deep learning models for loss calculation.

Meta-Learning

A subfield of machine learning where models learn how to learn.

Types of Meta-Learning

Example

Used in transfer learning and model adaptation.

Minimax Algorithm

An optimization algorithm used in game theory and adversarial machine learning.

Types of Minimax Algorithms

Example

Used in chess AI to make optimal moves.

Monte Carlo Methods

A class of algorithms that rely on repeated random sampling to obtain numerical results.

Types of Monte Carlo Methods

Example

Used in reinforcement learning for value estimation.

Multi-Class Classification

A classification task where there are more than two possible output classes.

Types of Multi-Class Classification

Example

Used in digit recognition with MNIST dataset.

Multi-Label Classification

A classification task where each instance can belong to multiple classes simultaneously.

Types of Multi-Label Classification

Example

Used in tagging images with multiple objects.

Multi-Layer Perceptron (MLP)

A class of neural networks composed of multiple layers of neurons with nonlinear activation functions.

Types of Neural Networks

Example

Used in credit scoring and medical diagnosis.

Multi-Task Learning (MTL)

A machine learning paradigm where a model is trained to solve multiple related tasks simultaneously.

Types of Multi-Task Learning

Example

Used in natural language processing for text classification and sentiment analysis.

Mutual Information

A measure of the dependency between two variables, commonly used in feature selection.

Types of Mutual Information

Example

Used in selecting the most informative features in a dataset.

Maximum Entropy Model

A probabilistic model that makes the least assumptions while satisfying known constraints.

Types of Maximum Entropy Models

Example

Used in natural language processing for part-of-speech tagging.

Minimum Description Length (MDL)

A principle stating that the best model is the one that compresses data most efficiently.

Types of MDL

Example

Used in model selection and feature engineering.

Manifold Hypothesis

A hypothesis stating that high-dimensional data lie on a low-dimensional manifold.

Types of Dimensionality Reduction

Example

Used in feature engineering and data compression.

Model Compression

A set of techniques to reduce the size of machine learning models while preserving accuracy.

Types of Model Compression

Example

Used in deploying deep learning models on mobile devices.

Model Evaluation

The process of assessing the performance of a machine learning model.

Types of Model Evaluation Metrics

Example

Used in comparing different classifiers on the same dataset.

Model Generalization

The ability of a machine learning model to perform well on unseen data.

Types of Generalization

Example

Used in deep learning models to ensure they do not overfit to training data.

Model Regularization

A technique to prevent overfitting by adding constraints to a model.

Types of Regularization

Example

Used in logistic regression and neural networks.

Monte Carlo Methods

A class of algorithms that use randomness to solve deterministic problems.

Types of Monte Carlo Methods

Example

Used in reinforcement learning and probabilistic simulations.

Manifold Learning

A type of unsupervised learning for dimensionality reduction.

Types of Manifold Learning

Example

Used in visualization of high-dimensional datasets.

Metric Learning

A technique in machine learning where the model learns a similarity function between data points.

Types of Metric Learning

Example

Used in face recognition systems.

Mixture of Experts (MoE)

A machine learning model that combines multiple specialized sub-models.

Types of MoE

Example

Used in large-scale language models like GPT.

Mini-Batch Gradient Descent

A gradient descent optimization method that updates model weights using small batches of training data.

Types of Gradient Descent

Example

Used in training deep learning models efficiently.

Model Drift

A phenomenon where a trained model's performance degrades over time due to changing data distributions.

Types of Model Drift

Example

Seen in fraud detection models as fraud patterns evolve.

Model Selection

The process of choosing the best machine learning model based on evaluation metrics.

Types of Model Selection Techniques

Example

Used in optimizing machine learning pipelines.

Markov Chains

A stochastic process where the next state depends only on the current state.

Types of Markov Chains

Example

Used in language models and reinforcement learning.

Model Interpretability

The ability to understand and explain a machine learning model’s predictions.

Types of Interpretability

Example

SHAP and LIME are used to interpret black-box models.

Multi-Label Classification

A classification task where each instance can belong to multiple categories.

Types of Multi-Label Approaches

Example

Used in text categorization where an article can have multiple topics.

Multi-Task Learning (MTL)

A learning paradigm where a model is trained to perform multiple related tasks simultaneously.

Types of MTL

Example

Used in NLP models that handle translation, summarization, and sentiment analysis together.

Memory-Augmented Neural Networks (MANNs)

Neural networks enhanced with external memory to store and retrieve information efficiently.

Types of MANNs

Example

Used in reinforcement learning and question-answering systems.

Model Compression

Techniques used to reduce the size and computational requirements of machine learning models.

Types of Model Compression

Example

Used in deploying deep learning models on mobile devices.

Meta-Learning

A technique where a model learns to learn, improving its adaptation to new tasks.

Types of Meta-Learning

Example

Used in few-shot learning tasks.

Multi-Modal Learning

A method where models learn from multiple types of data, such as text, images, and audio.

Types of Multi-Modal Fusion

Example

Used in AI assistants that process speech and text together.

Multi-Armed Bandit Problem

A decision-making problem where an agent must balance exploration and exploitation.

Types of Multi-Armed Bandits

Example

Used in online advertising and A/B testing.

Model Deployment

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

Types of Deployment

Example

Used in recommendation systems for streaming services.

Mutual Information

A measure of the dependency between two random variables.

Types of Mutual Information

Example

Used in feature selection and information theory.

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.