T-distributed Stochastic Neighbor Embedding (t-SNE)

A nonlinear dimensionality reduction technique for visualizing high-dimensional data.

Types of t-SNE

Example

Used to visualize clusters in high-dimensional data.

Tabular Data

Data structured in rows and columns, typically used in databases and spreadsheets.

Types of Tabular Data

Example

Used in business analytics and customer databases.

Teacher-Student Learning

A knowledge distillation approach where a large model (teacher) trains a smaller model (student).

Types of Teacher-Student Learning

Example

Used in compressing deep learning models for mobile applications.

Temporal Difference Learning

A reinforcement learning method that updates estimates based on differences between consecutive predictions.

Types of Temporal Difference Learning

Example

Used in game-playing AI like AlphaGo.

Tensor Decomposition

A technique for breaking down multi-dimensional arrays (tensors) into simpler components.

Types of Tensor Decomposition

Example

Used in recommendation systems and signal processing.

TensorFlow

An open-source machine learning framework developed by Google.

Types of TensorFlow Models

Example

Used for deep learning, computer vision, and NLP.

Term Frequency-Inverse Document Frequency (TF-IDF)

A statistical measure used to evaluate word importance in a document relative to a collection.

Types of TF-IDF

Example

Used in search engines and text mining.

Thompson Sampling

A reinforcement learning technique used in multi-armed bandit problems.

Types of Thompson Sampling

Example

Used in online advertising and recommendation systems.

Time Series Analysis

A technique for analyzing data points collected over time to detect trends and patterns.

Types of Time Series Analysis

Example

Used in stock market prediction and weather forecasting.

Transfer Learning

A technique where a model trained on one task is adapted for a different but related task.

Types of Transfer Learning

Example

Used in adapting pre-trained deep learning models like BERT and ResNet.

Training Data

The dataset used to train machine learning models by adjusting weights and parameters.

Types of Training Data

Example

Image datasets like MNIST for training digit recognition models.

Transformer Architecture

A deep learning model based on self-attention mechanisms for sequence processing.

Types of Transformer Models

Example

Used in machine translation and text summarization.

Tree-based Models

A class of algorithms that use decision trees to make predictions.

Types of Tree-based Models

Example

Used in credit scoring and fraud detection.

Triangular Kernel

A kernel function used in non-parametric density estimation.

Types of Kernel Functions

Example

Used in kernel density estimation for probability modeling.

Truncated SVD (Singular Value Decomposition)

A dimensionality reduction technique for decomposing matrices.

Types of SVD

Example

Used in Latent Semantic Analysis (LSA) for text processing.

Trust Region Policy Optimization (TRPO)

A reinforcement learning algorithm for optimizing policies while maintaining stability.

Types of Policy Optimization

Example

Used in robotics and autonomous vehicle navigation.

Turing Test

A test to determine whether a machine exhibits human-like intelligence.

Types of AI in the Turing Test

Example

Used to evaluate chatbots like ELIZA and GPT models.

Twin Delayed Deep Deterministic Policy Gradient (TD3)

An improved reinforcement learning algorithm that reduces overestimation bias.

Types of Policy Learning

Example

Used in robotic control and game-playing AI.

Two-Stage Clustering

A clustering technique that applies two sequential methods for better results.

Types of Two-Stage Clustering

Example

Used in customer segmentation and image analysis.

Type I and Type II Errors

Errors that occur in hypothesis testing in statistical learning.

Types of Errors

Example

Used in medical diagnostics and fraud detection.

Temporal Difference Learning

A reinforcement learning technique that updates value estimates based on observed rewards and future predictions.

Types of Temporal Difference Learning

Example

Used in game-playing AI like AlphaGo.

Tensor Decomposition

A mathematical technique for breaking down high-dimensional data tensors.

Types of Tensor Decomposition

Example

Used in recommendation systems and neuroscience data analysis.

TensorFlow

An open-source deep learning framework developed by Google for building ML models.

Types of TensorFlow APIs

Example

Used in image classification and natural language processing (NLP).

Term Frequency-Inverse Document Frequency (TF-IDF)

A statistical measure used in NLP to determine the importance of words in a document.

Types of TF-IDF Variants

Example

Used in search engines and spam filtering.

Testing Data

The dataset used to evaluate the performance of a trained machine learning model.

Types of Testing Data

Example

Used in model evaluation for image recognition systems.

Theano

An open-source numerical computation library optimized for deep learning.

Types of Theano Features

Example

Used in deep learning frameworks like Keras.

Thompson Sampling

A Bayesian reinforcement learning technique for solving multi-armed bandit problems.

Types of Bandit Algorithms

Example

Used in online advertising and A/B testing.

Thresholding

A technique used in image processing and classification to separate values into different categories.

Types of Thresholding

Example

Used in OCR and edge detection algorithms.

Tokenization

A preprocessing step in NLP that splits text into smaller units like words or subwords.

Types of Tokenization

Example

Used in NLP models like BERT and GPT.

Topological Data Analysis (TDA)

A method of analyzing high-dimensional data using topology.

Types of TDA Techniques

Example

Used in genomics and network analysis.

Transfer Learning

A machine learning technique where a model trained on one task is adapted for another related task.

Types of Transfer Learning

Example

Using pre-trained ResNet for medical image classification.

Transformer Model

A deep learning architecture using self-attention mechanisms for sequence-based tasks.

Types of Transformer Models

Example

Used in models like BERT, GPT, and T5.

T-SNE (t-Distributed Stochastic Neighbor Embedding)

A dimensionality reduction technique for visualizing high-dimensional data.

Types of Dimensionality Reduction

Example

Used to visualize word embeddings and image feature representations.

Twin Neural Networks

A type of neural network architecture where two networks share weights and process two inputs simultaneously.

Types of Twin Neural Networks

Example

Used in facial recognition and signature verification.

Time Series Forecasting

Predicting future values based on past temporal data.

Types of Time Series Models

Example

Used for stock price prediction and weather forecasting.

Top-Down and Bottom-Up Learning

Two different approaches in machine learning model training.

Types of Learning Approaches

Example

Top-down is used in supervised learning, while bottom-up is used in reinforcement learning.

Trapezoidal Rule in ML

A numerical integration method used for approximating area under a curve.

Types of Integration in ML

Example

Used in computing AUC-ROC curves for model evaluation.

Tree-Based Models

A category of machine learning models that use decision trees for predictions.

Types of Tree-Based Models

Example

Used in fraud detection and medical diagnoses.

Turing Test

A test proposed by Alan Turing to evaluate a machine’s ability to exhibit human-like intelligence.

Types of AI Evaluation Tests

Example

Used as a benchmark for AI conversational agents.

Tweedie Distribution in ML

A type of probability distribution used in machine learning for modeling non-negative responses.

Types of Tweedie Models

Example

Used in modeling claim sizes in insurance predictions.

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.