Algorithms in Data Science
- Get link
- X
- Other Apps
Here’s a list of commonly used algorithms in data
science, categorized by their type and application:
Supervised Learning
Algorithms
1. Regression Algorithms:
- Linear Regression
- Polynomial Regression
- Ridge Regression
- Lasso Regression
- Elastic Net Regression
2. Classification Algorithms:
- Logistic Regression
- Support Vector Machines (SVM)
- Decision Trees
- Random Forest
- k-Nearest Neighbors (k-NN)
- Naive Bayes
- Gradient Boosting Machines (GBM)
- XGBoost
- LightGBM
- CatBoost
Unsupervised Learning
Algorithms
1. Clustering Algorithms:
- k-Means Clustering
- Hierarchical Clustering
- DBSCAN (Density-Based Spatial Clustering of
Applications with Noise)
- Gaussian Mixture Models (GMM)
2. Dimensionality Reduction Algorithms:
- Principal Component Analysis (PCA)
- t-Distributed Stochastic Neighbor Embedding
(t-SNE)
- Linear Discriminant Analysis (LDA)
- Singular Value Decomposition (SVD)
- Independent Component Analysis (ICA)
- UMAP (Uniform Manifold Approximation and
Projection)
Reinforcement
Learning Algorithms
1. Model-Free Algorithms:
- Q-Learning
- Deep Q-Network (DQN)
- SARSA (State-Action-Reward-State-Action)
- Policy Gradient Methods
- Actor-Critic Methods (A3C, DDPG, PPO)
2. Model-Based Algorithms:
- Dynamic Programming
- Monte Carlo Tree Search (MCTS)
Ensemble Learning
Algorithms
1. Bagging:
- Bootstrap Aggregating (Bagging)
- Random Forest
2. Boosting:
- AdaBoost
- Gradient Boosting
- XGBoost
- LightGBM
- CatBoost
Neural Network
Algorithms
1. Feedforward Neural Networks (FNN)
2. Convolutional Neural Networks (CNN)
3. Recurrent Neural Networks (RNN)
- Long Short-Term Memory (LSTM)
- Gated Recurrent Unit (GRU)
4. Generative Adversarial Networks (GAN)
5. Autoencoders
Natural Language
Processing (NLP) Algorithms
1. Text Classification and Clustering:
- Bag of Words (BoW)
- Term Frequency-Inverse Document Frequency
(TF-IDF)
- Word2Vec
- GloVe
- FastText
- BERT (Bidirectional Encoder Representations
from Transformers)
- GPT (Generative Pre-trained Transformer)
2. Sequence Modeling:
- Hidden Markov Models (HMM)
- Conditional Random Fields (CRF)
Time Series Analysis
Algorithms
1. ARIMA (AutoRegressive Integrated Moving Average)
2. SARIMA (Seasonal ARIMA)
3. Exponential Smoothing
4. Prophet
Anomaly Detection
Algorithms
1. Statistical Methods:
- Z-Score
- Grubbs' Test
2. Machine Learning Methods:
- Isolation Forest
- One-Class SVM
- Autoencoders for Anomaly Detection
Association Rule
Learning Algorithms
1. Apriori Algorithm
2. Eclat Algorithm
3. FP-Growth Algorithm
Other Useful
Algorithms
1. Graph Algorithms:
- PageRank
- Community Detection Algorithms (Louvain,
Girvan-Newman)
2. Optimization Algorithms:
- Genetic Algorithms
- Simulated Annealing
- Particle Swarm Optimization
This is not an exhaustive list, but it covers many of the
key algorithms used in data science. Each of these algorithms has specific use
cases, advantages, and limitations.
- Get link
- X
- Other Apps
Comments
Post a Comment