Date Lecture Topics
Tue Sep 1, 2020 Lecture #1 :
Introduction to Machine Learning
Introduction to Machine Learning Motivation, Applications of ML in transport phenomena, fluid mechanics, chemical engineering, material science, robotics and health. Differences between supervised and unsupervised learning. Formulating an ML problem and Pre-requisites.
Thu Sep 3, 2020 Lecture #2 :
Linear Regression
Introduction Linear Regression, Least Squared Error, Requirement for Bias term, Notation, Cost Function, Gradient Descent, Stochastic Gradient Descent, Batch Gradient Descent, Normal Equation (NE), Derivation of NE, Examples of NE.
Fri Sep 4, 2020 REC: Numpy and python
Tue Sep 8, 2020 Lecture #3 :
Ingredients of Statistical Learning
Review of Probability Theory, Bayes, Posterior, Likelihood and Prior, Maximum Likelihood Estimate (MLE), Distributions, Joint and Conditional Probability, Causality and Correlation.
Thu Sep 10, 2020 Lecture #4 :
Statistics and Information Theory
Entropy, Entropy for distributions, relative entropy, KL Divergence, Probabilistic Interpretation of Regression, Bernoulli Distribution, MLE for Bernoulli.
Fri Sep 11, 2020 REC: Pandas and python
Tue Sep 15, 2020 Lecture #5 :
Binary Classification
Classification, Reformulation of Regression to Classification, Logistic Function, Parametrization of classification model, Interpretation of Logistic function.
Thu Sep 17, 2020 Lecture #6 :
Multinomial Classification
Multinomial Classification vs Binary, Multinomial function, Softmax Regression.
Fri Sep 18, 2020 REC: Gradient Descent in Python
Tue Sep 22, 2020 Lecture #7 :
Generative Models
Generative and Discriminating Algorithms, Generative Models, Discriminative Models, Multivariate Gaussian Distribution, Gaussian Discriminant Analysis (GDA), GDA and Logistic Regression, Naive Bayes, Practical Examples of Naive Bayes.
Thu Sep 24, 2020 Lecture #8 :
Error and Regularization
Nature of Error, Error structure, Training and Test Error, Bias and Variance Concept, Bias and Variance Trade off, Motivation for Regularization, L2 Regularization, Ridge Regression, L1 Regularization (LASSO), LASSO Regression, Elastic net, Comparisons of different Regularization Schemes, Optimization and Regularization.
Fri Sep 25, 2020 REC: Overfitting and Regularization
Tue Sep 29, 2020 Lecture #9 :
Feature Engineering
Feature Selection, Featurization, Molecular Fingerprinting, Graph Featurization, Signal Featurization, Embedding statistical measures into features, Biological Featurization, Chemical featurization.
Thu Oct 1, 2020 Lecture #10 :
Ensemble Learning
Decision Trees, Boosting, Random Forest.
Fri Oct 2, 2020 REC: Feature Engineering with Python
Tue Oct 6, 2020 Lecture #11 :
SVD and PCA
Introduction to Singular Value Decomposition (SVD), Properties of SVD, Feature/Concept extraction with SVD, SVD Decomposition, Practical example of SVD, Principal Component Analysis (PCA), PCA properties, Dimensionality Reduction, Eigen Vectors, Connection between PCA and SVD, Example of PCA.
Thu Oct 8, 2020 Lecture #12 :
Clustering (1)
Nearest Neighbors, K Nearest Neighbors (KNN), KNN Regression, Unsupervised Learning, Clustering, K-Means Algorithm, K-Means Example, Optimum Cluster Numbers.
Fri Oct 9, 2020 REC: K-Means from scratch
Tue Oct 13, 2020 Lecture #13 :
Clustering (2)
Gaussian Mixture Model (GMM), 1D GMM Example, 2D GMM, Expectation Maximization (EM) Algorithm, Multinomial GMM}.
Thu Oct 15, 2020 Lecture #14 :
Introduction to Neural Networks (NN)
Introduction to Neural Networks (NN), History of NN, Biology of a Neuron, Neuron Signal Transduction, Perceptron model, Activation function, Intro to Backpropagation, Comparisons of Activation function, Why ReLU?, Famous Cost functions in NN, NN terminology and definitions..
Fri Oct 16, 2020 REC: Midterm Recitation
Tue Oct 20, 2020 Midterm | Take home Exam
Thu Oct 22, 2020 Lecture #15 :
Intro to Deep Learning
Forward Propagation, Partial Derivatives in Backpropagation, Examples of Back-propagation, Advice on number of hidden layer selection, NN Implementation Algorithm, Motivations for Convolutional Neural Networks (CNN), Biological roots of CNN, Convolution Operation, Convolution Filter, Local Feature Extraction, Volume Convolution, Strides and Filter size.
Fri Oct 23, 2020 REC: Feed Forward NN Using Numpy
Tue Oct 27, 2020 Lecture #16 :
Support Vector Machines (SVM)
Introduction to Support Vector Machines, Motivations for SVM, Margins and Hyperplane, Decision Rules, Optimization Goals in SVM, Lagrange Multipliers, QP Optimization, Primal Problem, WOLFE Dual Problem, KKT Conditions, Non-linear separability.
Thu Oct 29, 2020 Lecture #17 :
SVM Kernels
Geometrical Understanding of SVM DUAL, Linear Inseparability, Idea of a Kernel, 1D and 2D examples, Definition of Kernel, Kernel's Efficiency and Flexibility, Mercer Theorem, Common Kernel Functions, Radial Basis Function.
Fri Oct 30, 2020 REC: MNIST with Keras
Tue Nov 3, 2020 Lecture #18 :
Regularized SVM and SVR
Motivation for Soft Margins, Regularization and SVM, Lagrangian Form of Regularized SVM, Hinge Loss, Optimization of Regularized SVM, Support Vector Regression.
Thu Nov 5, 2020 Lecture #19 :
Evaluation Metrics
Evaluation Metrics, MSE, MAE, Confusion Matrix, Cross Validation, Uncertainty.
Fri Nov 6, 2020 REC: SVM and SVR
Tue Nov 10, 2020 Lecture #20 :
Best Practices for ML Engineers
Dataset Cleaning, Reshaping and Normalizing, Babysitting Training, Hyper Parameter Optimization, Cross-fold Validation, Training-Test Accuracy, Techniques to avoid over-fitting, Comparing different ML algorithms, Loss function Selection.
Thu Nov 12, 2020 Lecture #21 :
Independent Component Analysis (ICA)
Introduction to Independent Component Analysis (ICA), Blind Source Separation (BSS), ICA ambiguities, ICA assumptions, Mutual Information, Non-Gaussianity and relative entropy, Kurtosis, Derivation of ICA mixture matrix, Example of signal decomposition, Example of Image decomposition, Slow feature analysis..
Fri Nov 13, 2020 REC: ICA
Tue Nov 17, 2020 Lecture #22 :
Reinforcement Learning (RL)
Introduction to Reinforcement Learning (RL), Motivations behind RL. Applications of RL, RL vs Un/Supervised Learning, Environment-agent-action-reward, Markov Decision Process (MDP), Markov properties, MDP tuples, transition probabilities, 4*3 world example and robot navigation, Maximum pay off, Policy, Value function, Bellman's Equation, Bellman example.
Thu Nov 19, 2020 Lecture #23 :
Reinforcement Learning (RL)
Recap and review of RL, Bellman maximum value, Value iteration, Synchronous and asynchronous update, Policy iteration, Learning transition probabilities, Learning reward, Integration of learnt transition in MDP, Continous MDP, Helicopter control example, Inverted Pendulum dynamics, State-Action Learning. Embedding Physics of the world.
Fri Nov 20, 2020 REC: RL in Python
Tue Nov 24, 2020 Lecture #24 :
Reinforcement Learning (RL)
Recap of State-Action (SA), Embedding Dynamics, Learning Dynamics, Regression learning of state-action (SA), Fitted Value Iteration (FVI), Q-function, Q-Learning, Q Iterations, Example of Q-Learning, Advantages of Q-Learning.
Thu Nov 26, 2020 Thanksgiving - No class - Happy Thanksgiving
Fri Nov 27, 2020 REC: OpenAI Gym
Tue Dec 1, 2020 Lecture #25 :
Reinforcement Learning (RL)
Recap of Q-Learning, Q-table, Q-Learning Algorithm, Exploration vs Exploitation, Epsilon-greedy Algorithm, Exploration function, Robot Q-Learning example, Q function Approximation, Derivation of update rule for parameter update.
Thu Dec 3, 2020 Lecture #26 :
Reinforcement Learning (RL)
Q-Learning with NN. Deep Q Network (DQN), Loss function in DQN, Optimization of DRL, Policy gradients, Experience Replay, Hindsight Experience Replay in Robotics, Implementation of Atari game RL.
Tue Dec 8, 2020 Students presenting their projects virtually
Mon Dec 14, 2020 Final Write-up - due by 11:59 pm - Final project write-up