Gabor Filters

A type of linear filter used in image processing and computer vision to analyze spatial frequency and orientation.

Types of Gabor Filters

Example

Used in face recognition and fingerprint detection.

Gaussian Mixture Models (GMM)

A probabilistic model that represents data as a mixture of multiple Gaussian distributions.

Types of Gaussian Mixture Models

Example

Used in anomaly detection and speech recognition.

Gaussian Naïve Bayes

A variant of the Naïve Bayes classifier that assumes features follow a Gaussian distribution.

Types of Naïve Bayes Classifiers

Example

Used in spam detection and sentiment analysis.

Generative Adversarial Networks (GANs)

A class of machine learning models that use two neural networks (generator and discriminator) to generate realistic data.

Types of GANs

Example

Used in image synthesis and deepfake generation.

Generalization in Machine Learning

The ability of a model to perform well on unseen data after training.

Types of Generalization

Example

Used in speech recognition systems to recognize different accents.

Genetic Algorithms

A type of evolutionary algorithm that uses natural selection principles to optimize machine learning models.

Types of Genetic Algorithms

Example

Used in hyperparameter optimization and feature selection.

Gibbs Sampling

A Markov Chain Monte Carlo (MCMC) method for sampling from a complex probability distribution.

Types of Gibbs Sampling

Example

Used in Bayesian inference and topic modeling.

Gini Impurity

A measure used in decision trees to determine the likelihood of incorrectly classifying a randomly chosen element.

Types of Decision Tree Impurity Measures

Example

Used in decision tree algorithms like CART.

Gradient Boosting

A boosting algorithm that improves weak learners iteratively by minimizing loss functions.

Types of Gradient Boosting

Example

Used in financial risk modeling and fraud detection.

Graph Neural Networks (GNNs)

A class of deep learning models designed to process graph-structured data.

Types of Graph Neural Networks

Example

Used in social network analysis and molecular property prediction.

Graph-Based Semi-Supervised Learning

A machine learning approach that uses graph structures to propagate labels from labeled to unlabeled data.

Types of Graph-Based Learning

Example

Used in text classification and recommendation systems.

Graph Clustering

A method of partitioning a graph into clusters where nodes in the same group are more closely related.

Types of Graph Clustering

Example

Used in social network analysis and fraud detection.

Graph Embeddings

A technique to represent graph nodes as numerical vectors while preserving structural properties.

Types of Graph Embeddings

Example

Used in recommendation systems and fraud detection.

Graph Theory in Machine Learning

A mathematical framework for analyzing relationships between data points in graph structures.

Types of Graph Theory Applications

Example

Used in traffic network analysis and biology.

Greedy Algorithms

An optimization approach that makes the locally optimal choice at each step to achieve a global solution.

Types of Greedy Algorithms

Example

Used in feature selection for machine learning models.

Types of Hyperparameter Tuning

Example

Used in tuning hyperparameters for SVMs and deep learning models.

Group Lasso

A regularization technique that encourages sparsity at the group level instead of individual features.

Types of Lasso Regularization

Example

Used in genomics to select relevant genes.

Growing Neural Gas (GNG)

An unsupervised neural network that dynamically adjusts its structure based on input data.

Types of Neural Gas Models

Example

Used in clustering and dimensionality reduction.

Gaussian Process Regression (GPR)

A probabilistic regression method that models distributions over functions using Gaussian processes.

Types of Kernel Functions in GPR

Example

Used in Bayesian optimization and time series forecasting.

Gradient Descent

An optimization algorithm used to minimize a function by iteratively moving in the direction of the steepest descent.

Types of Gradient Descent

Example

Used in training deep learning models.

Gradient Clipping

A technique used to prevent exploding gradients by capping the gradients at a predefined threshold.

Types of Gradient Clipping

Example

Used in recurrent neural networks (RNNs) to stabilize training.

Gradient Checking

A technique to verify the correctness of computed gradients by comparing them with numerical approximations.

Types of Gradient Checking

Example

Used to debug backpropagation implementations in deep learning.

Gradient Noise

A regularization technique that adds noise to gradients to improve generalization.

Types of Gradient Noise

Example

Used in deep learning to reduce overfitting.

Gradient Penalty

A regularization term that penalizes large gradients to stabilize training.

Types of Gradient Penalty

Example

Used in training GANs for better convergence.

Gram Matrix

A matrix that captures similarity between feature vectors using dot products.

Types of Gram Matrices

Example

Used in neural style transfer and support vector machines.

Graph Attention Networks (GATs)

A type of graph neural network that uses attention mechanisms to weigh node relationships.

Types of Graph Neural Networks

Example

Used in recommendation systems and molecular chemistry.

Graph Laplacian

A matrix representation of a graph used in spectral clustering and graph-based learning.

Types of Graph Laplacian

Example

Used in spectral clustering and dimensionality reduction.

Graph Partitioning

A technique that divides a graph into smaller subgraphs while minimizing edge cuts.

Types of Graph Partitioning

Example

Used in parallel computing and network optimization.

Graph Signal Processing

An approach that extends signal processing concepts to graph-structured data.

Types of Graph Signal Processing

Example

Used in sensor networks and biological data analysis.

Greedy Layer-Wise Pretraining

A training strategy that pretrains deep networks one layer at a time before fine-tuning.

Types of Layer-Wise Pretraining

Example

Used in deep belief networks and transfer learning.

Types of Greedy Search

Example

Used in pathfinding algorithms like Dijkstra’s algorithm.

Grid-Based Clustering

A clustering method that divides data space into a finite number of grid cells and groups them based on density.

Types of Grid-Based Clustering

Example

Used in spatial data analysis and bioinformatics.

Growing Self-Organizing Maps

A variant of self-organizing maps (SOMs) that dynamically adjusts its structure based on data.

Types of Self-Organizing Maps

Example

Used in feature extraction and dimensionality reduction.

Guided Backpropagation

A visualization technique that modifies standard backpropagation to highlight important input features.

Types of Backpropagation Techniques

Example

Used in deep learning to interpret convolutional neural networks.

Gaussian Mixture Model (GMM)

A probabilistic model that represents data as a mixture of multiple Gaussian distributions.

Types of GMMs

Example

Used in anomaly detection and image segmentation.

Generative Adversarial Networks (GANs)

A deep learning model consisting of a generator and a discriminator that compete to generate realistic data.

Types of GANs

Example

Used in deepfake generation and image super-resolution.

Genetic Algorithms

An optimization technique inspired by natural selection that evolves solutions through mutation and crossover.

Types of Genetic Algorithms

Example

Used in feature selection and neural architecture search.

Graph Neural Networks (GNNs)

A deep learning framework designed to process graph-structured data.

Types of GNNs

Example

Used in social network analysis and recommendation systems.

Granger Causality

A statistical method to determine whether one time series can predict another.

Types of Granger Causality

Example

Used in econometrics and time-series forecasting.

Gaussian Process Latent Variable Model (GP-LVM)

A probabilistic dimensionality reduction technique that models data using Gaussian processes.

Types of GP-LVM

Example

Used in visualization of high-dimensional data.

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.