Radial Basis Function (RBF)

A function used in machine learning and statistics to model complex relationships between inputs.

Types of RBF

Example

Used in RBF networks and SVM kernels for non-linear classification.

Random Forest

An ensemble learning method that constructs multiple decision trees to improve accuracy and reduce overfitting.

Types of Random Forest

Example

Used in fraud detection and recommendation systems.

Rank-Based Learning

A learning paradigm that focuses on ranking instances instead of direct classification or regression.

Types of Rank-Based Learning

Example

Used in search engines and recommendation systems.

Recurrent Neural Networks (RNN)

A type of neural network designed for sequence data by maintaining a memory of previous inputs.

Types of RNNs

Example

Used in speech recognition and text generation.

Reinforcement Learning

A machine learning paradigm where agents learn optimal actions by interacting with an environment.

Types of Reinforcement Learning

Example

Used in game AI and robotics.

Regularization

A technique used to prevent overfitting by adding a penalty term to the loss function.

Types of Regularization

Example

Used in linear regression and neural networks.

Regression Analysis

A statistical method used to model relationships between dependent and independent variables.

Types of Regression

Example

Used in predictive analytics and economic forecasting.

Reinforcement Learning Policy

A strategy that an RL agent follows to decide on the next action based on the current state.

Types of RL Policies

Example

Used in self-driving cars and robotic automation.

ReLU (Rectified Linear Unit)

An activation function that outputs the input directly if positive and zero otherwise.

Types of ReLU

Example

Used in deep learning models like CNNs and RNNs.

Residual Networks (ResNet)

A type of deep neural network that uses residual connections to improve training.

Types of ResNet

Example

Used in image classification and object detection.

Reproducible Machine Learning

The practice of ensuring ML experiments can be repeated with the same results.

Types of Reproducibility

Example

Used in scientific research and model validation.

Resampling Techniques

Methods for creating new training samples from existing data to improve model robustness.

Types of Resampling

Example

Used in model validation and variance estimation.

Reward Function

A function in reinforcement learning that assigns a numerical reward to an agent’s action.

Types of Reward Functions

Example

Used in robotics and autonomous systems.

Ridge Regression

A type of regression that adds L2 regularization to reduce overfitting.

Types of Ridge Regression

Example

Used in finance and economic forecasting.

Robust Statistics

Statistical techniques that remain accurate despite outliers or noisy data.

Types of Robust Statistics

Example

Used in medical data analysis and fraud detection.

ROC Curve (Receiver Operating Characteristic)

A graphical representation of a model’s classification performance across different thresholds.

Types of ROC Analysis

Example

Used in medical diagnostics and credit scoring.

Root Mean Squared Error (RMSE)

A common metric to measure the average magnitude of model prediction errors.

Types of RMSE Applications

Example

Used in regression analysis and time-series forecasting.

Rule-Based Learning

A method of AI where models learn explicit IF-THEN rules from data.

Types of Rule-Based Learning

Example

Used in fraud detection and medical diagnosis.

Robust Machine Learning

ML models that maintain performance even with noisy or adversarial data.

Types of Robust ML

Example

Used in cybersecurity and self-driving cars.

Reinforcement Learning Exploration-Exploitation Tradeoff

The balance between exploring new strategies and exploiting known rewards in RL.

Types of Tradeoff Strategies

Example

Used in game AI and robotic path planning.

Types of Hyperparameter Search

Example

Used in deep learning model optimization.

Random Variable in ML

A variable whose possible values are outcomes of a probabilistic experiment.

Types of Random Variables

Example

Used in probabilistic models like Bayesian Networks.

Recurrent Neural Networks (RNN)

A type of neural network designed for sequential data.

Types of RNNs

Example

Used in speech recognition and time-series forecasting.

Reinforcement Learning Policy

A strategy that an RL agent follows to decide actions.

Types of RL Policies

Example

Used in robotics and automated trading.

Reinforcement Learning Value Function

A function estimating future rewards an agent will receive from a state.

Types of Value Functions

Example

Used in Deep Q-Networks (DQN).

Reinforcement Learning Model-Free vs Model-Based

Two approaches in RL where model-free methods learn from interaction, and model-based methods use an environment model.

Types of RL Approaches

Example

Used in AI for board games and autonomous driving.

Representation Learning

A learning method where features are automatically learned from raw data.

Types of Representation Learning

Example

Used in deep learning for image recognition.

Residual Networks (ResNet)

A deep neural network architecture that introduces shortcut connections to prevent vanishing gradients.

Types of ResNet

Example

Used in ImageNet classification tasks.

Reinforcement Learning Temporal Difference Learning

A method of RL that updates value estimates based on new observations.

Types of TD Learning

Example

Used in game-playing AI like AlphaZero.

ReLU (Rectified Linear Unit)

A commonly used activation function in deep learning.

Types of ReLU Variants

Example

Used in CNNs for feature extraction.

Restricted Boltzmann Machine (RBM)

A type of neural network used for unsupervised learning and feature extraction.

Types of RBM

Example

Used in deep belief networks for dimensionality reduction.

Ridge Regression

A regression technique that adds a penalty term to reduce overfitting.

Types of Regularization

Example

Used in financial modeling to predict stock prices.

Robust Scaling

A data preprocessing technique that scales data using medians and quartiles.

Types of Scaling

Example

Used when dealing with outliers in datasets.

ROC Curve (Receiver Operating Characteristic)

A graphical representation of a classifier’s performance at different thresholds.

Key Metrics

Example

Used in medical diagnostics for evaluating models.

Root Mean Square Error (RMSE)

A metric to measure the difference between predicted and actual values.

Comparison with Other Metrics

Example

Used in evaluating regression models.

RProp (Resilient Backpropagation)

An optimization algorithm that adjusts weight updates independently.

Types of RProp

Example

Used in neural networks for fast training.

Rule-Based Machine Learning

A system where decisions are made based on predefined rules.

Types of Rule-Based Learning

Example

Used in fraud detection systems.

Recursive Feature Elimination (RFE)

A feature selection technique that recursively removes less important features.

Types of Feature Selection

Example

Used in improving model accuracy.

Robust Regression

A regression method that reduces the effect of outliers.

Types of Robust Regression

Example

Used in real-world noisy datasets.

Recurrent Convolutional Neural Network (RCNN)

A hybrid neural network combining CNNs and RNNs.

Types of RCNN

Example

Used in text and image recognition.

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.