Extremely grateful to Chun-Yi Lee, Chen-Hao Chao, Stanley, Chien Feng, Johnson Sun, Bob Cheng for organizing all these resources, preparing the assignments, and hosting this ML study group.
- ML Lecture: Machine Learning by Andrew Ng
- CV Lecture: CS231n by Fei-Fei Li
- RL Lecture: Reinforcement Learning by David Silver
- ML Lecture 1
- Introduction
- Linear Regression with One Variable
- Linear Algebra Review
- ML Lecture 2
- Linear Regression with Multiple Variables
- ML Lecture 3
- Logistic Regression
- Regularization
- ML Lecture 4
- Neural Networks: Representation
- ML Lecture 5
- Neural Networks: Learning
- ML Lecture 6
- Advice for Applying Machine Learning
- Machine Learning System Design
- ML Lecture 7
- Support Vector Machines
- ML Lecture 8
- Unsupervised Learning
- Dimensionality Reduction
- Assignment 1: Python 101
- ML Lecture 9
- Anomaly Detection
- Recommender Systems
- ML Lecture 10
- Large Scale Machine Learning
- CV Lecture 1, 2
- Introduction to CNN for Visual Recognition
- Image Classification
- Assignment 2: Dimension Reduction (PCA, t-SNE)
- CV Lecture 3, 4
- Loss Functions and Optimization
- Introduction to Neural Networks
- Self Study & Representation
- ImageNet, Cifar-10 Benchmarks
- Distance Metrics (L1, L2)
- Support Vector Machine (SVM)
- KNN Algorithm
- Softmax function & Cross-entropy loss
- Computational Graphs (BP algorithm)
- ReLu and other activation functions
- CV Lecture 5, 6
- Convolutional Neural Networks
- Training Neural Networks 1
- Paper
- Dropout Layer
- Batch Normalization
- Wasserstein Distance
- CV Lecture 7, 8
- Training Neural Networks 2
- Deep Learning Software
- Assignment 3: SVM & K-means
- CV Lecture 9, 10
- CNN Architectures
- Recurrent Neural Networks
- Paper
- ResNet
- GRU (Gated Recurrent Unit)
- Object Detection (R-CNN v.s. YOLO)
- Semantic Segmentation (FCN)
- CV Lecture 11, 12
- Detection and Segmentation
- Visualizing and Understanding
- CV Lecture 13
- Generative Models
- Assignment 4: TensorFlow 2
- Paper
- Assignment 5: AlexNet, Data augmentation, and Imbalanced Dataset
- RL Lecture 1
- Introduction to Reinforcement Learning
- RL Lecture 2
- Markov Decision Process
- RL Lecture 3
- Planning by Dynamic Programming
- Assignment 6: Autoencoder & Manifold Learning
- RL Lecture 4
- Model-Free Prediction
- RL Lecture 5
- Model-Free Control
- RL Lecture 6
- Value Function Approximation
- Assignment 7: DCGAN & WGAN
- RL Lecture 7
- Policy Gradient Methods
- RL Lecture 8
- Integrating Learning and Planning
- Assignment 8: SARSA & Q-learning
- RL Lecture 9
- Exploration and Exploitation
- Paper
- Paper
- Assignment 9: DQN
- Self Study: PyTorch
- Paper
- Assignment 10: DDPG, PPO
- Paper
- Paper
- Intro. of Lab Environment
- Future Projects Introduction
- Intro. of Unity Environments
- Mobius: RL Self-driving Car Training Platform
- Assignment 11: SAC
- SGM
- S2F2: Forecasting and Tracking
- ROS