Welcome to ML Visual Guide
This interactive guide helps you navigate the complex landscape of machine learning concepts, algorithms, and applications. Click through the tabs above to explore different aspects of ML.
Core Paradigms
Understand the fundamental learning approaches that form the basis of ML systems.
Method Families
Explore different algorithmic approaches to solving ML problems.
Deep Learning
Dive into advanced neural network architectures and techniques.
Applications
Discover real-world domains where ML is making an impact.
Learning Path
Follow this recommended path to systematically learn machine learning:
Pick a cluster (e.g., Transformers)
Select a specific area to focus on based on your interests.
Absorb the theory
Study foundational concepts and read seminal papers in the area.
Code implementations
Follow with hands-on projects in PyTorch/TensorFlow.
Optimize and deploy
Tune your models, deploy them, and reflect on the process.
Repeat
Move to the next concept for comprehensive knowledge retention.
Key Research Papers
Core Learning Paradigms
Supervised Learning
Learning from labeled training data to make predictions.
Unsupervised Learning
Finding hidden patterns in unlabeled data.
Reinforcement Learning
Learning through trial and error using rewards.
Self-supervised Learning
Generating labels from the data itself.
Core Tasks & Problems
Regression
Predicting continuous values
Classification
Categorizing inputs into classes
Clustering
Grouping similar data points
Dimensionality Reduction
Reducing number of variables
Generative Modeling
Creating new data samples
Anomaly Detection
Identifying unusual patterns
Method Families
Tree-Based Models
Decision Trees
Simple tree structure for classification/regression
Random Forests
Ensemble of decision trees
Gradient Boosting
Sequentially corrects errors (XGBoost, LightGBM)
Probabilistic & Bayesian
Naive Bayes
Simple probabilistic classifier
Gaussian Processes
Non-parametric Bayesian approach
Ensemble Methods
Bagging
Parallel training of diverse models
Boosting
Sequential training focusing on errors
Stacking
Meta-model learns to combine predictions
Reinforcement Learning
Q-Learning
Value-based approach
Policy Gradients
Direct policy optimization
PPO
Proximal Policy Optimization
Deep Learning Architectures
Foundational Architectures
Feedforward Networks
Basic neural networks with dense layers
Convolutional Networks (CNNs)
For processing grid-like data (images)
Recurrent Networks (RNNs)
For sequential data processing
Transformers & Attention
Transformer
Self-attention based architecture
Advanced Variants
Specialized transformer models
Generative Models
Generative Adversarial Networks (GANs)
Generator vs discriminator framework
Variational Autoencoders (VAEs)
Probabilistic approach to generation
Transfer Learning
Feature Extraction
Using pretrained models as feature extractors
Fine-tuning
Adapting pretrained models to new tasks
Multi-task Learning
Learning multiple tasks simultaneously
ML Applications & Domains
Computer Vision
Object Detection
Identifying objects in images
Image Segmentation
Pixel-level classification
Image Generation
Creating new images
Natural Language Processing
Text Classification
Categorizing text documents
Sequence-to-Sequence
Text generation/translation
Large Language Models
Advanced text understanding
Other Applications
Time-Series Forecasting
Predicting future values
Recommender Systems
Personalized recommendations
Graph Machine Learning
Learning on graph structures
Learning Resources
Books
Deep Learning
Ian Goodfellow et al.
Dive into Deep Learning
ZX Li et al.
Courses
Andrew Ng's ML
Coursera
Stanford CS231n
Computer Vision
Stanford CS224N
NLP with DL
Spinning Up in RL
OpenAI
Toolkits & Libraries
Classical ML
scikit-learn
Deep Learning
PyTorch, TensorFlow
NLP
Hugging Face
Research & Community
DL Papers Roadmap
floodsung GitHub
Subreddits
r/MachineLearning, r/learnmachinelearning
Structured Learning Path
1. Core Paradigms & Problems
2. Method Families
3. Deep Learning Foundations
4. Transformers & LLMs
How to Use This Path
- Pick a topic from any section
- Watch the video introduction
- Read the linked articles
- Practice with provided code examples
- Move to next topic when comfortable