L1 Regularization

A technique that adds the absolute value of the coefficients as a penalty term in machine learning models to induce sparsity.

Types of L1 Regularization

Example

Used in linear regression models to reduce overfitting by selecting relevant features.

L2 Regularization

A regularization technique that penalizes the squared magnitude of model coefficients to prevent overfitting.

Types of L2 Regularization

Example

Used in logistic regression to prevent large coefficient values that could lead to overfitting.

Lagrange Multiplier

A mathematical optimization technique used to handle constraints in machine learning models.

Types of Lagrange Multipliers

Example

Used in support vector machines (SVMs) to maximize the margin while satisfying constraints.

Latent Dirichlet Allocation (LDA)

A generative probabilistic model used for topic modeling in text data.

Types of LDA

Example

Used in news categorization and document classification.

Latent Semantic Analysis (LSA)

A technique that uses singular value decomposition (SVD) to find hidden structures in text data.

Types of LSA

Example

Used in information retrieval systems to improve search accuracy.

Lazy Learning

A type of machine learning where the model defers processing until a query is made.

Types of Lazy Learning

Example

Used in recommendation systems where predictions are made in real-time.

Layer Normalization

A normalization technique that scales activations across a layer in neural networks.

Types of Normalization

Example

Used in transformers like BERT for stabilizing training.

Learned Embeddings

A representation of categorical variables as continuous-valued vectors in machine learning.

Types of Learned Embeddings

Example

Used in natural language processing (NLP) for semantic understanding.

Leaky ReLU

A variation of the ReLU activation function that allows small negative values.

Types of Leaky ReLU

Example

Used in deep learning to mitigate the dying ReLU problem.

Log Loss

A loss function that measures the performance of a classification model where output is a probability.

Types of Log Loss

Example

Used in logistic regression for evaluating predictive accuracy.

Logistic Regression

A statistical model that predicts binary outcomes using the logistic function.

Types of Logistic Regression

Example

Used in spam detection to classify emails as spam or not spam.

Long Short-Term Memory (LSTM)

A type of recurrent neural network (RNN) that addresses the vanishing gradient problem in sequential data.

Types of LSTM

Example

Used in speech recognition and machine translation.

Loss Function

A mathematical function that quantifies the difference between predicted and actual values in a model.

Types of Loss Functions

Example

Used in deep learning models to guide optimization.

Low-Rank Approximation

A technique that reduces the dimensionality of large datasets while preserving key structures.

Types of Low-Rank Approximation

Example

Used in recommendation systems to reduce computational complexity.

Learning Rate

A hyperparameter that controls how much model weights update during training.

Types of Learning Rate Strategies

Example

Used in gradient descent optimization to balance convergence speed and stability.

Learning Rate Decay

A technique that reduces the learning rate over time to improve convergence.

Types of Learning Rate Decay

Example

Used in neural networks to stabilize training over long epochs.

Label Propagation

A semi-supervised learning algorithm that spreads label information through a graph.

Types of Label Propagation

Example

Used in social network analysis for community detection.

Label Smoothing

A regularization technique that prevents overconfidence by adjusting target labels.

Types of Label Smoothing

Example

Used in neural networks to improve generalization in classification tasks.

Latency in Machine Learning

The time taken for a model to process an input and return an output.

Types of Latency

Example

Reduced latency is critical for real-time applications like autonomous driving.

Linear Discriminant Analysis (LDA)

A classification technique that projects data into a lower-dimensional space to maximize class separability.

Types of LDA

Example

Used in facial recognition for feature extraction.

Linear Kernel

A kernel function used in support vector machines (SVMs) that computes the dot product between feature vectors.

Types of Kernels

Example

Used in SVMs for text classification tasks.

Linear Regression

A supervised learning algorithm that models the relationship between a dependent variable and one or more independent variables.

Types of Linear Regression

Example

Used in predicting house prices based on features like area and number of rooms.

Lipschitz Continuity

A mathematical property that limits how much a function's output can change concerning small input changes.

Types of Lipschitz Conditions

Example

Used in neural network stability analysis.

Local Minima

Points in an optimization function where a model converges to a non-optimal solution.

Types of Minima

Example

Gradient descent may get stuck in local minima during deep learning training.

Local Outlier Factor (LOF)

An unsupervised learning algorithm that identifies outliers by measuring local density deviations.

Types of Outlier Detection

Example

Used in fraud detection to spot anomalous transactions.

Logarithmic Loss (Log Loss)

A performance metric for classification models that penalizes incorrect predictions more severely.

Types of Log Loss Applications

Example

Used in evaluating probabilistic classifiers like logistic regression.

Low-Bias Models

Machine learning models that closely fit the training data and have minimal bias errors.

Types of Bias

Example

Deep neural networks often exhibit low bias but high variance.

Low-Variance Models

Models that generalize well to new data and do not overfit.

Types of Variance

Example

Linear regression models are often low-variance models.

Latent Semantic Analysis (LSA)

A technique used to analyze relationships between words in large text datasets.

Types of LSA Techniques

Example

Used in search engines to improve query relevance.

Latent Variable Models

Statistical models that include hidden variables to explain observed data.

Types of Latent Variable Models

Example

Used in natural language processing to model hidden topics in documents.

Latent Dirichlet Allocation (LDA)

A generative probabilistic model used for discovering abstract topics in text data.

Types of Topic Models

Example

Used for topic modeling in news categorization.

Layer Normalization

A normalization technique that stabilizes activations across features within a single training example.

Types of Normalization

Example

Used in transformer models like BERT.

Lazy Learning

A type of learning where generalization is deferred until a query is made.

Types of Lazy Learning

Example

KNN is an example of lazy learning.

Learning Curve

A graph that shows how a model's performance improves with more training.

Types of Learning Curves

Example

Used in deep learning to track model convergence.

Learning Rate

A hyperparameter that controls the step size in model optimization.

Types of Learning Rate Strategies

Example

Used in training neural networks with gradient descent.

Least Squares Method

A mathematical technique to minimize the sum of squared differences between predicted and actual values.

Types of Least Squares

Example

Used in linear regression for fitting best-fit lines.

Lempel-Ziv-Welch (LZW) Algorithm

A lossless data compression algorithm.

Types of Compression Algorithms

Example

Used in GIF image compression.

Lexical Analysis

The process of converting text into tokens for processing.

Types of Lexical Analysis

Example

Used in NLP for text preprocessing.

Logit Function

A function that maps probabilities to log-odds, used in logistic regression.

Types of Logit Functions

Example

Used in logistic regression for binary classification.

Long Short-Term Memory (LSTM)

A type of recurrent neural network (RNN) designed to handle long-term dependencies.

Types of LSTMs

Example

Used in speech recognition and time-series forecasting.

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.