A comprehensive guide to learning Machine Learning from fundamentals to advanced concepts. Track your progress by checking off completed items.
- Python programming basics
- Linear algebra fundamentals
- Basic statistics and probability
- Calculus basics (derivatives, gradients)
- Basic command line usage
- Git version control
- Linear algebra
- Matrices, vectors, eigenvalues/eigenvectors
- Matrix operations and transformations
- Principal Component Analysis (PCA) mathematics
- Statistics
- Probability distributions
- Hypothesis testing
- Confidence intervals
- Bayesian statistics
- Calculus
- Derivatives and partial derivatives
- Chain rule
- Gradient descent optimization
- Backpropagation mathematics
- NumPy
- Array operations
- Broadcasting
- Linear algebra operations
- Pandas
- Data manipulation
- Data cleaning
- Feature engineering
- Data visualization
- Matplotlib
- Seaborn
- Plotly
- Linear Regression
- Simple and multiple regression
- Polynomial regression
- Regularization (L1, L2)
- Classification
- Logistic regression
- Decision trees
- Random forests
- Support Vector Machines (SVM)
- Model Evaluation
- Cross-validation
- Metrics (accuracy, precision, recall, F1)
- ROC curves and AUC
- Confusion matrices
- Clustering
- K-means
- Hierarchical clustering
- DBSCAN
- Dimensionality Reduction
- PCA
- t-SNE
- UMAP
- Feature scaling and normalization
- Handling missing data
- Feature selection methods
- Automated feature engineering
- Hyperparameter tuning
- Grid search
- Random search
- Bayesian optimization
- Ensemble methods
- Bagging
- Boosting (AdaBoost, XGBoost, LightGBM)
- Stacking
- Feed-forward neural networks
- Activation functions
- Loss functions
- Optimization algorithms
- Convolutional Neural Networks (CNNs)
- Recurrent Neural Networks (RNNs)
- Long Short-Term Memory (LSTM)
- Transformers
- PyTorch
- TensorFlow/Keras
- Model deployment basics
- Reinforcement Learning
- GANs (Generative Adversarial Networks)
- Transfer Learning
- Meta-Learning
- Model versioning
- Model serving
- Monitoring and maintenance
- A/B testing
- Natural Language Processing
- Computer Vision
- Time Series Analysis
- Recommendation Systems
- Build an end-to-end ML pipeline
- Participate in Kaggle competitions
- Create a portfolio project
- Contribute to open-source ML projects
- "Introduction to Statistical Learning"
- "Deep Learning" by Goodfellow, Bengio, and Courville
- "Hands-On Machine Learning with Scikit-Learn, Keras & TensorFlow"
- Fast.ai Practical Deep Learning
- Stanford CS229 Machine Learning
- Coursera Machine Learning Specialization
- deeplearning.ai specializations
- Kaggle
- Google Colab
- GitHub