Applied Machine Learning Course Schedule: Topic
Applied Machine Learning Course Schedule: Topic
Schedule
DATE MODULE CHAPTER TOPIC
Keywords and identifiers,
comments, indentation and
Module statements, Variables and
2020-11-09 1:Fundamentals Python for DataScience data types in Python,
of Programming Standard Input and Output,
Operators, Control flow: if
else, Control flow: while loop
Control flow: for loop,
Module
Control flow: break and
2020-11-10 1:Fundamentals Python for DataScience
continue,Revision Python for
of Programming
DataScience
Module Lists, Tuples part 1, Tuples
Python for DataScience:Data
2020-11-11 1:Fundamentals part-2, Sets, Dictionary,
Structures
of Programming Strings
Module
Python for DataScience:Data Revision Python for
2020-11-12 1:Fundamentals
Structures DataScience:Data Structures
of Programming
Introduction, Types of
functions, Function
Module
Python for arguments, Recursive
2020-11-13 1:Fundamentals
DataScience:Functions functions, Lambda functions,
of Programming
Modules, Packages, File
Handling
Exception Handling,
Module
Python for Debugging Python,Revision
2020-11-14 1:Fundamentals
DataScience:Functions Python for
of Programming
DataScience:Functions
Numpy Introduction,
Module
Python for Numerical operations on
2020-11-15 1:Fundamentals
DataScience:Numpy Numpy,Revision Python for
of Programming
DataScience:Numpy
Module Getting started with
Python for
2020-11-16 1:Fundamentals Matplotlib,Revision Python
DataScience:Matplotlib
of Programming for DataScience:Matplotlib
Getting started with pandas,
Module Data Frame Basics, Key
Python for
2020-11-17 1:Fundamentals Operations on Data
DataScience:Pandas
of Programming Frames,Revision Python for
DataScience:Pandas
Space and Time Complexity:
Find largest number in a
list , Binary search, Find
elements common in two
Module Python for
lists, Find elements common
2020-11-18 1:Fundamentals DataScience:Compputational
in two lists using a
of Programming Complexity
Hashtable/Dict,Revision
Python for
DataScience:Compputational
Complexity
Introduction to Databases,
Why SQL?, Execution of an
Module
SQL statement., IMDB
2020-11-19 1:Fundamentals SQL
dataset, Installing MySQL,
of Programming
Load IMDB data., USE,
DESCRIBE, SHOW TABLES
SELECT , LIMIT, OFFSET,
ORDER BY, DISTINCT ,
Module WHERE, Comparison
2020-11-20 1:Fundamentals SQL operators, NULL, Logical
of Programming Operators, Aggregate
Functions: COUNT, MIN,
MAX, AVG, SUM
GROUP BY, HAVING, Order
of keywords., Join and
Natural Join, Inner, Left,
Right and Outer joins., Sub
Queries/Nested Queries/
Inner Queries, DML:INSERT,
Module
DML:UPDATE , DELETE,
2020-11-21 1:Fundamentals SQL
DDL:CREATE TABLE,
of Programming
DDL:ALTER: ADD, MODIFY,
DROP, DDL:DROP TABLE,
TRUNCATE, DELETE, Data
Control Language: GRANT,
REVOKE, Learning
resources,Revision SQL
Introduction to IRIS dataset
and 2D scatter plot, 3D
scatter plot, Pair plots,
Limitations of Pair Plots,
Histogram and Introduction
to PDF(Probability Density
Function), Univariate
Analysis using PDF,
CDF(Cumulative Distribution
Module 2:
Function), Mean, Variance
Datascience:
and Standard Deviation,
Exploratory Data Plotting for exploratory data
2020-11-22 Median, Percentiles and
Analysis and analysis (EDA)
Quantiles, IQR(Inter Quartile
Data
Range) and MAD(Median
Visualization
Absolute Deviation), Box-plot
with Whiskers, Violin Plots,
Summarizing Plots,
Univariate, Bivariate and
Multivariate analysis,
Multivariate Probability
Density, Contour Plot,
Exercise: Perform EDA on
Haberman dataset
Module 2:
Datascience:
Revision Plotting for
Exploratory Data Plotting for exploratory data
2020-11-23 exploratory data analysis
Analysis and analysis (EDA)
(EDA)
Data
Visualization
Why learn it ?, Introduction
to Vectors(2-D, 3-D, n-D) ,
Row Vector and Column
Vector, Dot Product and
Angle between 2 Vectors,
Projection and Unit Vector,
Equation of a line (2-D),
Module 2:
Plane(3-D) and Hyperplane
Datascience:
(n-D), Plane Passing through
Exploratory Data
2020-11-24 Linear Algebra origin, Normal to a Plane,
Analysis and
Distance of a point from a
Data
Plane/Hyperplane, Half-
Visualization
Spaces, Equation of a Circle
(2-D), Sphere (3-D) and
Hypersphere (n-D), Equation
of an Ellipse (2-D), Ellipsoid
(3-D) and Hyperellipsoid (n-
D), Square ,Rectangle,
Hyper Cube,Hyper Cuboid
Module 2:
Datascience:
Exploratory Data Revision Questions,Revision
2020-11-25 Linear Algebra
Analysis and Linear Algebra
Data
Visualization
Introduction to Probability
and Statistics, Population
and Sample, Gaussian/
Normal Distribution and its
PDF(Probability Density
Module 2: Function), CDF(Cumulative
Datascience: Distribution function) of
Exploratory Data Gaussian/Normal
2020-11-26 Probability And Statistics
Analysis and distribution, Symmetric
Data distribution, Skewness and
Visualization Kurtosis, Standard normal
variate (Z) and
standardization, Kernel
density estimation, Sampling
distribution & Central Limit
theorem
Q-Q plot:How to test if a
random variable is normally
distributed or not?, How
Module 2:
distributions are used?,
Datascience:
Chebyshev’s inequality,
Exploratory Data
2020-11-27 Probability And Statistics Discrete and Continuous
Analysis and
Uniform distributions, How
Data
to randomly sample data
Visualization
points (Uniform
Distribution), Bernoulli and
Binomial Distribution
Log Normal Distribution,
Power law distribution, Box
cox transform, Applications
of non-gaussian
distributions?, Co-variance,
Pearson Correlation
Coefficient, Spearman Rank
Correlation Coefficient,
Module 2: Correlation vs Causation,
Datascience: How to use correlations? ,
Exploratory Data Confidence interval (C.I)
2020-11-28 Probability And Statistics
Analysis and Introduction, Computing
Data confidence interval given the
Visualization underlying distribution, C.I
for mean of a normal
random variable, Confidence
interval using bootstrapping,
Hypothesis testing
methodology, Null-
hypothesis, p-value,
Hypothesis Testing Intution
with coin toss example
Resampling and permutation
test, K-S Test for similarity of
two distributions, Code
Module 2: Snippet K-S Test, Hypothesis
Datascience: testing: another example,
Exploratory Data Resampling and Permutation
2020-11-29 Probability And Statistics
Analysis and test: another example, How
Data to use hypothesis testing?,
Visualization Propotional sampling,
Revision Questions,
Assignment :Python (without
Numpy)
Module 2:
Datascience:
Exploratory Data Revision Probability And
2020-11-30 Probability And Statistics
Analysis and Statistics
Data
Visualization
What is Dimensionality
reduction?, Row Vector and
Column Vector, How to
represent a data set?, How
Module 2:
to represent a dataset as a
Datascience:
Matrix., Data Preprocessing:
Exploratory Data Dimensionality Reduction
2020-12-01 Feature Normalisation,
Analysis and And Visualization
Mean of a data matrix, Data
Data
Preprocessing: Column
Visualization
Standardization, Co-
variance of a Data Matrix,
MNIST dataset (784
dimensional)
Module 2:
Datascience:
Code to Load MNIST Data
Exploratory Data Dimensionality Reduction
2020-12-02 Set,Revision Dimensionality
Analysis and And Visualization
Reduction And Visualization
Data
Visualization
Why learn PCA?, Geometric
intuition of PCA,
Mathematical objective
function of PCA, Alternative
Module 2:
formulation of PCA:
Datascience:
Distance minimization, Eigen
Exploratory Data Principal Component
2020-12-03 values and Eigen vectors
Analysis and Analysis
(PCA): Dimensionality
Data
reduction, PCA for
Visualization
Dimensionality Reduction
and Visualization, Visualize
MNIST dataset, Limitations
of PCA, PCA Code example
Module 2:
PCA for dimensionality
Datascience:
reduction (not-
Exploratory Data Principal Component
2020-12-04 visualization),Revision
Analysis and Analysis
Principal Component
Data
Analysis
Visualization
What is t-SNE?,
Neighborhood of a point,
Module 2:
Embedding, Geometric
Datascience:
intuition of t-SNE, Crowding
Exploratory Data
2020-12-05 T-Sne Problem, How to apply t-
Analysis and
SNE and interpret its output,
Data
t-SNE on MNIST, Code
Visualization
example of t-SNE, Revision
Questions,Revision T-Sne
Dataset overview: Amazon
Fine Food reviews(EDA),
Data Cleaning:
Deduplication, Why convert
text to a vector?, Bag of
Words (BoW), Text
Module 3: Preprocessing: Stemming,
Foundations of Stop-word removal,
Natural Tokenization,
Predict rating given product
2020-12-06 Language Lemmatization., uni-gram,
reviews on amazon
Processing and bi-gram, n-grams., tf-idf
Machine (term frequency- inverse
Learning document frequency), Why
use log in IDF?, Word2Vec.,
Avg-Word2Vec, tf-idf
weighted Word2Vec, Bag of
Words( Code Sample), Text
Preprocessing( Code
Sample)
Module 3:
Foundations of Bi-Grams and n-grams (Code
Natural Sample), TF-IDF (Code
Predict rating given product
2020-12-07 Language Sample), Assignment
reviews on amazon
Processing and :Implementing TFIDF
Machine vectorizer
Learning
Module 3:
Word2Vec (Code Sample),
Foundations of
Avg-Word2Vec and TFIDF-
Natural
Predict rating given product Word2Vec (Code
2020-12-08 Language
reviews on amazon Sample),Revision Predict
Processing and
rating given product reviews
Machine
on amazon
Learning
How “Classification”
works?, Data matrix
notation, Classification vs
Regression (examples), K-
Module 3:
Nearest Neighbours
Foundations of
Geometric intuition with a
Natural Classification And
toy example, Failure cases of
2020-12-09 Language Regression Models: K-
KNN, Distance measures:
Processing and Nearest Neighbors
Euclidean(L2) ,
Machine
Manhattan(L1), Minkowski,
Learning
Hamming, Cosine Distance
& Cosine Similarity, How to
measure the effectiveness of
k-NN?
Module 3: Test/Evaluation time and
Foundations of space complexity, KNN
Natural Classification And Limitations, Decision surface
2020-12-10 Language Regression Models: K- for K-NN as K changes,
Processing and Nearest Neighbors Overfitting and Underfitting,
Machine Need for Cross validation, K-
Learning fold cross validation
Visualizing train, validation
Module 3: and test datasets, How to
Foundations of determine overfitting and
Natural Classification And underfitting?, Time based
2020-12-11 Language Regression Models: K- splitting, k-NN for
Processing and Nearest Neighbors regression, Weighted k-NN,
Machine Voronoi diagram, Binary
Learning search tree, How to build a
kd-tree
Find nearest neighbours
using kd-tree, Limitations of
Kd tree, Extensions, Hashing
Module 3:
vs LSH, LSH for cosine
Foundations of
similarity, LSH for euclidean
Natural Classification And
distance, Probabilistic class
2020-12-12 Language Regression Models: K-
label, Code Sample:Decision
Processing and Nearest Neighbors
boundary ., Code
Machine
Sample:Cross Validation,
Learning
Assignment : Implement
RandomSearchCV with k
fold cross validation on KNN
Module 3:
Foundations of Question and
Natural Classification And Answers,Revision
2020-12-13 Language Regression Models: K- Classification And
Processing and Nearest Neighbors Regression Models: K-
Machine Nearest Neighbors
Learning
Introduction, Imbalanced vs
Module 3: balanced dataset, Multi-class
Foundations of classification, k-NN, given a
Natural distance or similarity matrix,
Classification Algorithms in
2020-12-14 Language Train and test set
Various Situations
Processing and differences, Impact of
Machine outliers, Local outlier Factor
Learning (Simple solution :Mean
distance to Knn)
K-Distance(A),N(A),
Reachability-Distance(A,B),
Module 3: Local reachability-
Foundations of density(A), Local outlier
Natural Factor(A), Impact of Scale &
Classification Algorithms in
2020-12-15 Language Column standardization,
Various Situations
Processing and Interpretability, Feature
Machine Importance and Forward
Learning Feature selection, Handling
categorical and numerical
features
Handling missing values by
Module 3:
imputation, Curse of
Foundations of
dimensionality, Bias-Variance
Natural
Classification Algorithms in tradeoff, Intuitive
2020-12-16 Language
Various Situations understanding of bias-
Processing and
variance., Best and worst
Machine
cases for an algorithm,
Learning
Question and Answers
Module 3:
Foundations of
Natural Revision Classification
Classification Algorithms in
2020-12-17 Language Algorithms in Various
Various Situations
Processing and Situations
Machine
Learning
Accuracy, Confusion matrix,
Module 3:
TPR, FPR, FNR, TNR,
Foundations of
Precision and recall, F1-
Natural
Performance Measurement score, Receiver Operating
2020-12-18 Language
of Models Characteristic Curve (ROC)
Processing and
curve and AUC, Log-loss, R-
Machine
Squared/Coefficient of
Learning
determination
Module 3:
Foundations of Median absolute deviation
Natural (MAD), Distribution of
Performance Measurement
2020-12-19 Language errors, Assignment:Compute
of Models
Processing and Performance metrics without
Machine Sklearn
Learning
Module 3:
Foundations of
Natural
Performance Measurement Revision Performance
2020-12-20 Language
of Models Measurement of Models
Processing and
Machine
Learning
Module 3: Conditional probability,
Foundations of Independent vs Mutually
Natural exclusive events, Bayes
2020-12-21 Language Naive Bayes Theorem with examples,
Processing and Exercise problems on Bayes
Machine Theorem, Naive Bayes
Learning algorithm
Module 3:
Toy example: Train and test
Foundations of
stages, Naive Bayes on Text
Natural
data, Laplace/Additive
2020-12-22 Language Naive Bayes
Smoothing, Log-probabilities
Processing and
for numerical stability, Bias
Machine
and Variance tradeoff
Learning
Feature importance and
interpretability, Imbalanced
data, Outliers, Missing
Module 3: values, Handling Numerical
Foundations of features (Gaussian NB),
Natural Multiclass classification,
2020-12-23 Language Naive Bayes Similarity or Distance
Processing and matrix, Large
Machine dimensionality, Best and
Learning worst cases, Code example,
Assignment: Apply
Multinomial NB on Donors
Choose Dataset
Module 3:
Foundations of
Natural
2020-12-24 Language Naive Bayes Revision Naive Bayes
Processing and
Machine
Learning
Module 3:
Foundations of Geometric intuition of
Natural Logistic Regression, Sigmoid
2020-12-25 Language Logistic Regression function: Squashing,
Processing and Mathematical formulation of
Machine Objective function
Learning
Weight vector, L2
Regularization: Overfitting
and Underfitting, L1
regularization and sparsity,
Probabilistic Interpretation:
Gaussian Naive Bayes, Loss
Module 3:
minimization interpretation,
Foundations of
Hyperparameter search:
Natural
Grid Search and Random
2020-12-26 Language Logistic Regression
Search, Column
Processing and
Standardization, Feature
Machine
importance and Model
Learning
interpretability, Collinearity
of features, Test/Run time
space and time complexity,
Real world cases, Non-
linearly separable data &
feature engineering
Module 3: Code sample: Logistic
Foundations of regression, GridSearchCV,
Natural RandomSearchCV,
2020-12-27 Language Logistic Regression Extensions to Logistic
Processing and Regression: Generalized
Machine linear models,Revision
Learning Logistic Regression
Module 3: Geometric intuition of Linear
Foundations of Regression, Mathematical
Natural formulation, Real world
2020-12-28 Language Linear Regression Cases, Code sample for
Processing and Linear Regression, Question
Machine and Answers,Revision Linear
Learning Regression
Module 3: Differentiation, Online
Foundations of differentiation tools, Maxima
Natural and Minima, Vector calculus:
Solving Optimization
2020-12-29 Language Grad, Gradient descent:
Problems
Processing and geometric intuition,
Machine Learning rate, Gradient
Learning descent for linear regression
SGD algorithm, Constrained
Optimization & PCA,
Module 3:
Logistic regression
Foundations of
formulation revisited, Why
Natural
Solving Optimization L1 regularization creates
2020-12-30 Language
Problems sparsity?, Assignment :
Processing and
Implement SGD Classifier
Machine
with Log Loss and L2
Learning
regularization Using SGD:
without using sklearn
Module 3:
Foundations of
Natural
Solving Optimization Revision Solving
2020-12-31 Language
Problems Optimization Problems
Processing and
Machine
Learning
Geometric Intuition, Why we
Module 4: take values +1 and and -1
Machine for Support vector planes,
2021-01-01 Learning-II Support Vector Machines Mathematical derivation,
(Supervised Loss function (Hinge Loss)
Learning Models) based interpretation, Dual
form of SVM formulation
Kernel trick, Polynomial
kernel, RBF-Kernel, Domain
Module 4: specific Kernels, Train and
Machine run time complexities, nu-
2021-01-02 Learning-II Support Vector Machines SVM: control errors and
(Supervised support vectors, SVM
Learning Models) Regression, Cases, Code
Sample, Assignment :
Behaviour of Linear Models
Module 4:
Machine
Revision Support Vector
2021-01-03 Learning-II Support Vector Machines
Machines
(Supervised
Learning Models)
Geometric Intuition of
decision tree: Axis parallel
hyperplanes, Sample
Decision tree, Building a
decision Tree:Entropy,
Building a decision
Tree:Information Gain,
Building a decision Tree:
Gini Impurity, Building a
Module 4: decision Tree: Constructing
Machine a DT, Building a decision
2021-01-04 Learning-II Decision Trees Tree: Splitting numerical
(Supervised features, Feature
Learning Models) standardization, Building a
decision Tree:Categorical
features with many possible
values, Overfitting and
Underfitting, Train and Run
time complexity, Regression
using Decision Trees, Cases,
Code Samples, Assignment :
Apply Decision Trees on
Donors Choose Dataset
Module 4:
Machine
2021-01-05 Learning-II Decision Trees Revision Decision Trees
(Supervised
Learning Models)
What are ensembles?,
Bootstrapped Aggregation
(Bagging) Intuition, Random
Forest and their
Module 4:
construction, Bias-Variance
Machine
tradeoff, Bagging :Train and
2021-01-06 Learning-II Ensemble Models
Run-time Complexity.,
(Supervised
Bagging:Code Sample,
Learning Models)
Extremely randomized trees,
Assignment : Application of
Bootstrap samples in
Random Forest
Random Tree :Cases,
Boosting Intuition,
Residuals, Loss functions
Module 4:
and gradients, Gradient
Machine
Boosting, Regularization by
2021-01-07 Learning-II Ensemble Models
Shrinkage, Train and Run
(Supervised
time complexity, XGBoost:
Learning Models)
Boosting + Randomization,
AdaBoost: geometric
intuition, Stacking models
Cascading classifiers,
Module 4:
Kaggle competitions vs Real
Machine
world, Assignment : Apply
2021-01-08 Learning-II Ensemble Models
GBDT/XGBOOST/LIGHT-
(Supervised
GBM on Donors Choose
Learning Models)
Dataset
Module 4:
Machine
2021-01-09 Learning-II Ensemble Models Revision Ensemble Models
(Supervised
Learning Models)
Introduction, Moving
window for Time Series
Data, Fourier
decomposition, Deep
learning features: LSTM,
Module 5:
Image histogram, Keypoints:
Feature
SIFT., Deep learning
Engineering, Featurization And Feature
2021-01-10 features: CNN, Relational
Productionization Importance
data, Graph data, Indicator
and Deployment
variables, Feature binning,
of ML Models
Interaction variables,
Mathematical transforms,
Model specific
featurizations, Feature
orthogonality
Module 5: Domain specific
Feature featurizations, Feature
Engineering, Featurization And Feature slicing, Kaggle Winners
2021-01-11
Productionization Importance solutions,Revision
and Deployment Featurization And Feature
of ML Models Importance
Calibration of Models:Need
for calibration, Calibration
Module 5: Plots., Platt’s Calibration/
Feature Scaling., Isotonic
Engineering, Regression, Code Samples,
2021-01-12 Miscellaneous Topics
Productionization Modeling in the presence of
and Deployment outliers: RANSAC,
of ML Models Productionizing models,
Retraining models
periodically., A/B testing.
Module 5: Data Science Life cycle,
Feature Productionization and
Engineering, deployment of Machine
2021-01-13 Miscellaneous Topics
Productionization Learning Models,
and Deployment Productionization and
of ML Models deployment + Spark
Module 5:
Feature
Hands on Live Session:
Engineering,
2021-01-14 Miscellaneous Topics Deploy an ML model using
Productionization
APIs on AWS
and Deployment
of ML Models
Module 5:
Feature
Engineering, Building web apps for ML/AI
2021-01-15 Miscellaneous Topics
Productionization using StreamLit
and Deployment
of ML Models
Module 5:
Feature Building web apps for ML/AI
Engineering, using StreamLit-ii, VC
2021-01-16 Miscellaneous Topics
Productionization dimension,Revision
and Deployment Miscellaneous Topics
of ML Models
Business/Real world problem
: Problem definition ,
Business objectives and
constraints., Mapping to an
ML problem : Data
overview , Mapping to an
ML problem : ML problem
and performance metric.,
Mapping to an ML problem
: Train-test split, EDA: Basic
Module 6: Statistics., EDA: Basic
Machine Feature Extraction, EDA:
Quora Question Pair
2021-01-17 Learning Real Text Preprocessing, EDA:
Similarity
World Case Advanced Feature
studies Extraction, EDA: Feature
analysis., EDA: Data
Visualization: T-SNE., EDA:
TF-IDF weighted Word2Vec
featurization., ML Models
:Loading Data, ML Models:
Random Model, ML Models
: Logistic Regression and
Linear SVM, ML Models :
XGBoost,Revision Quora
Question Pair Similarity
Business/Real world problem
: Overview, Business
objectives and constraints.,
ML problem formulation
:Data, ML problem
formulation: Mapping real
world to ML problem., ML
Module 6:
problem formulation :Train,
Machine
Personalized Cancer CV and Test data
2021-01-18 Learning Real
Diagnosis construction, Exploratory
World Case
Data Analysis:Reading data
studies
& preprocessing,
Exploratory Data
Analysis:Distribution of
Class-labels, Exploratory
Data Analysis: “Random”
Model, Univariate
Analysis:Gene feature
Univariate
Analysis:Variation Feature,
Univariate Analysis:Text
feature, Machine Learning
Module 6:
Models:Data preparation,
Machine
Personalized Cancer Baseline Model: Naive
2021-01-19 Learning Real
Diagnosis Bayes, K-Nearest Neighbors
World Case
Classification, Logistic
studies
Regression with class
balancing, Logistic
Regression without class
balancing, Linear-SVM.
Random-Forest with one-hot
encoded features, Random-
Module 6:
Forest with response-coded
Machine
Personalized Cancer features, Stacking Classifier,
2021-01-20 Learning Real
Diagnosis Majority Voting
World Case
classifier,Revision
studies
Personalized Cancer
Diagnosis
Problem definition. ,
Overview of Graphs: node/
Module 6: vertex, edge/link, directed-
Machine Facebook Friend edge, path. , Data format &
2021-01-21 Learning Real Recommendation Using Limitations. , Mapping to a
World Case Graph Mining supervised classification
studies problem. , Business
constraints & Metrics. ,
EDA:Basic Stats
EDA:Follower and following
Module 6: stats., EDA:Binary
Machine Facebook Friend Classification Task,
2021-01-22 Learning Real Recommendation Using EDA:Train and test split.,
World Case Graph Mining Feature engineering on
studies Graphs:Jaccard & Cosine
Similarities, PageRank
Shortest Path, Connected-
Module 6: components, Adar Index,
Machine Facebook Friend Kartz Centrality, HITS
2021-01-23 Learning Real Recommendation Using Score, SVD, Weight features,
World Case Graph Mining Modeling, Assignment :
studies Facebook Friend
Recommendation
Module 6:
Machine Facebook Friend
2021-01-24 Learning Real Recommendation Using Assignment: SQL
World Case Graph Mining
studies
Module 6:
Machine Facebook Friend Revision Facebook Friend
2021-01-25 Learning Real Recommendation Using Recommendation Using
World Case Graph Mining Graph Mining
studies
Business/Real world problem
Overview, Objectives and
Constraints, Mapping to ML
problem :Data, Mapping to
ML problem :dask
dataframes, Mapping to ML
problem :Fields/Features.,
Mapping to ML problem
:Time series forecasting/
Module 6:
Regression, Mapping to ML
Machine
Taxi Demand Prediction in problem :Performance
2021-01-26 Learning Real
New York City metrics, Data Cleaning
World Case
:Latitude and Longitude
studies
data, Data Cleaning :Trip
Duration., Data Cleaning
:Speed., Data Cleaning
:Distance., Data Cleaning
:Fare, Data Cleaning
:Remove all outliers/
erroneous points, Data
Preparation:Clustering/
Segmentation
Data Preparation:Time
binning, Data
Preparation:Smoothing time-
series data., Data
Preparation:Smoothing time-
series data cont.., Data
Preparation: Time series and
Fourier transforms., Ratios
Module 6: and previous-time-bin values,
Machine Simple moving average,
Taxi Demand Prediction in
2021-01-27 Learning Real Weighted Moving average.,
New York City
World Case Exponential weighted
studies moving average, Results.,
Regression models :Train-
Test split & Features, Linear
regression., Random Forest
regression, Xgboost
Regression, Model
comparison,Revision Taxi
Demand Prediction in New
York City
Business/Real world
problem, Business objectives
and constraints, Mapping to
an ML problem: Data
overview, Mapping to an ML
Module 6:
problem:ML problem
Machine
Stack Overflow Tag formulation., Mapping to an
2021-01-28 Learning Real
Predictor ML problem:Performance
World Case
metrics., Hamming loss,
studies
EDA:Data Loading,
EDA:Analysis of tags,
EDA:Data Preprocessing,
Data Modeling : Multi label
Classification
Data preparation., Train-
Test Split, Featurization,
Module 6: Logistic regression: One VS
Machine Rest, Sampling data and
Stack Overflow Tag
2021-01-29 Learning Real tags+Weighted models.,
Predictor
World Case Logistic regression revisited,
studies Why not use advanced
techniques,Revision Stack
Overflow Tag Predictor
Problem Definition,
Objectives and Constraints,
Data Overview, ML Problem,
Train and Test Splitting,
Exploratory Data
Analysis:Class Distribution,
Exploratory Data
Analysis:Feature Extraction
from Byte Files, Exploratory
Data Analysis:Multivariate
analysis of features from
Module 6: byte files, Train-Test class
Machine Distribution, ML models –
Microsoft Malware
2021-01-30 Learning Real using byte files only
Detection
World Case :Random Model, K-NN,
studies Logistic regression, Random
Forest and XGBoost, Feature
Extraction and Multi
Threading, File Size Feature,
Univariate Analysis, T-SNE
Analysis, ML Models on
ASM File features, Models
on all features: t-SNE,
Models on all features:
RandomForest and XGBoost,
Assignment : Microsoft
Malware Detection
Module 6:
Machine
Microsoft Malware Revision Microsoft Malware
2021-01-31 Learning Real
Detection Detection
World Case
studies
What is Clustering?,
Module 7: Data Unsupervised learning,
Mining Applications, Metrics for
(Unsupervised Clustering, K-Means:
Learning) and Geometric intuition,
2021-02-01 Clustering
Recommender Centroids, K-Means:
systems+Real Mathematical formulation:
World Case Objective function, K-Means
studies Algorithm., How to initialize:
K-Means++
Module 7: Data
Mining Failure cases/Limitations, K-
(Unsupervised Medoids, Determining the
Learning) and right K, Code Samples, Time
2021-02-02 Clustering
Recommender and space complexity,
systems+Real Assignment :Clustering on
World Case Graph Dataset
studies
Module 7: Data
Mining
(Unsupervised
Learning) and
2021-02-03 Clustering Revision Clustering
Recommender
systems+Real
World Case
studies
Agglomerative & Divisive,
Module 7: Data Dendrograms,
Mining Agglomerative Clustering,
(Unsupervised Proximity methods:
Learning) and Advantages and Limitations.,
2021-02-04 Hierarchical Clustering
Recommender Time and Space Complexity,
systems+Real Limitations of Hierarchical
World Case Clustering, Code
studies sample,Revision
Hierarchical Clustering
Density based clustering,
MinPts and Eps: Density,
Core, Border and Noise
Module 7: Data
points, Density edge and
Mining
Density connected points.,
(Unsupervised
DBSCAN Algorithm, Hyper
Learning) and
2021-02-05 DBSCAN Technique Parameters: MinPts and Eps,
Recommender
Advantages and Limitations
systems+Real
of DBSCAN, Time and Space
World Case
Complexity, Code samples.,
studies
Question and
Answers,Revision DBSCAN
Technique
Problem formulation: IMDB
Movie reviews, Content
based vs Collaborative
Filtering, Similarity based
Algorithms, Matrix
Module 7: Data Factorization: PCA, SVD,
Mining Matrix Factorization: NMF,
(Unsupervised Matrix Factorization for
Learning) and Recommender Systems and Collaborative filtering,
2021-02-06
Recommender Matrix Factorization Matrix Factorization for
systems+Real feature engineering,
World Case Clustering as MF,
studies Hyperparameter tuning,
Matrix Factorization for
recommender systems:
Netflix Prize Solution, Cold
Start problem, Word vectors
as MF
Module 7: Data
Mining Eigen-Faces, Code example.,
(Unsupervised Assignment :
Learning) and Recommender Systems and Recommendation Systems
2021-02-07
Recommender Matrix Factorization and Truncated SVD:
systems+Real Implement SGD algorithm to
World Case predict the ratings
studies
Module 7: Data
Mining
(Unsupervised
Revision Recommender
Learning) and Recommender Systems and
2021-02-08 Systems and Matrix
Recommender Matrix Factorization
Factorization
systems+Real
World Case
studies
Problem Statement:
Recommend similar apparel
products in e-commerce
using product descriptions
and Images, Plan of action,
Amazon product advertising
API, Data folders and paths,
Overview of the data and
Terminology, Data cleaning
Module 7: Data and understanding:Missing
Mining data in various features,
(Unsupervised Understand duplicate rows,
Learning) and Amazon Fashion Discovery Remove duplicates : Part 1 ,
2021-02-09
Recommender Engine Remove duplicates: Part 2,
systems+Real Text Pre-Processing:
World Case Tokenization and Stop-word
studies removal, Stemming, Text
based product similarity
:Converting text to an n-D
vector: bag of words, Code
for bag of words based
product similarity, TF-IDF:
featurizing text based on
word-importance, Code for
TF-IDF based product
similarity
Code for IDF based product
similarity, Text Semantics
based product similarity:
Word2Vec(featurizing text
based on semantic
similarity), Code for Average
Word2Vec product similarity,
TF-IDF weighted Word2Vec,
Code for IDF weighted
Word2Vec product similarity,
Weighted similarity using
Module 7: Data
brand and color, Code for
Mining
weighted similarity, Building
(Unsupervised
a real world solution, Deep
Learning) and Amazon Fashion Discovery
2021-02-10 learning based visual
Recommender Engine
product similarity:ConvNets:
systems+Real
How to featurize an image:
World Case
edges, shapes, parts, Using
studies
Keras + Tensorflow to
extract features, Visual
similarity based product
similarity, Measuring
goodness of our solution :A/
B testing, Exercise :Build a
weighted Nearest neighbor
model using Visual, Text,
Brand and Color,Revision
Amazon Fashion Discovery
Engine
01 Business/Real World
00
Problem:Problem Definition,
Objectives and Constraints,
Mapping to ML problem :
Data Overview, Mapping to
ML problem : ML problem
formulation, Exploratory
Module 7: Data Data Analysis: Data
Mining preprocessing, Exploratory
(Unsupervised Data Analysis: Temporal
Learning) and Netflix Movie Train-Test split, Exploratory
2021-02-11
Recommender Recommendation system Data Analysis: Preliminary
systems+Real Data Analysis, Exploratory
World Case Data Analysis: Sparse matrix
studies representation, Exploratory
Data Analysis:Average
ratings for various slices ,
Exploratory Data
Analysis:Cold start problem,
Computing Similarity
matrices:User-User
similarity matrix
Computing Similarity
matrices:Movie-Movie
similarity , Computing
Similarity matrices:Does
movie-movie similarity
work?, ML Models:Surprise
library , Overview of the
Module 7: Data modelling strategy. , Data
Mining Sampling. , Google drive
(Unsupervised with intermediate files ,
Learning) and Netflix Movie Featurizations for
2021-02-12
Recommender Recommendation system regression. , Data
systems+Real transformation for
World Case Surprise. , Xgboost with 13
studies features , Surprise Baseline
model. , Xgboost + 13
features +Surprise baseline
model , Surprise KNN
predictors , Matrix
Factorization models using
Surprise , SVD ++ with
implicit feedback
Module 7: Data Final models with all
Mining features and predictors.,
(Unsupervised High Level + End-End
Learning) and Netflix Movie Design of a Music
2021-02-13
Recommender Recommendation system Recommendation system - I,
systems+Real High Level + End-End
World Case Design of a Music
studies Recommendation system - II
Module 7: Data
Mining
(Unsupervised Building a simple Youtube
Learning) and Netflix Movie recommendation using basic
2021-02-14
Recommender Recommendation system Math,Revision Netflix Movie
systems+Real Recommendation system
World Case
studies
History of Neural networks
and Deep Learning., How
Module 8: Neural Biological Neurons work?,
Networks, Growth of biological neural
2021-02-15 Computer Vision Neural Networks networks, Diagrammatic
and Deep representation: Logistic
Learning Regression and Perceptron,
Multi-Layered Perceptron
(MLP).
Module 8: Neural
Notation, Training a single-
Networks,
neuron model., Training an
2021-02-16 Computer Vision Neural Networks
MLP: Chain Rule, Training
and Deep
an MLP:Memoization
Learning
Backpropagation.,
Module 8: Neural
Activation functions,
Networks,
Vanishing Gradient
2021-02-17 Computer Vision Neural Networks
problem., Bias-Variance
and Deep
tradeoff., Decision surfaces:
Learning
Playground
Module 8: Neural
Networks,
2021-02-18 Computer Vision Neural Networks Revision Neural Networks
and Deep
Learning
Deep Multi-layer
Module 8: Neural perceptrons:1980s to 2010s,
Networks, Dropout layers &
Deep Multi Layer
2021-02-19 Computer Vision Regularization., Rectified
Perceptrons
and Deep Linear Units (ReLU)., Weight
Learning initialization., Batch
Normalization.
Optimizers:Hill-descent
analogy in 2D,
Optimizers:Hill descent in 3D
and contours., SGD Recap,
Batch SGD with momentum.,
Nesterov Accelerated
Module 8: Neural Gradient (NAG),
Networks, Optimizers:AdaGrad,
Deep Multi Layer
2021-02-20 Computer Vision Optimizers : Adadelta
Perceptrons
and Deep andRMSProp, Adam, Which
Learning algorithm to choose when?,
Gradient Checking and
clipping, Softmax and Cross-
entropy for multi-class
classification., How to train
a Deep MLP?, Auto
Encoders.
Word2Vec :CBOW,
Module 8: Neural
Word2Vec: Skip-gram,
Networks,
Deep Multi Layer Word2Vec :Algorithmic
2021-02-21 Computer Vision
Perceptrons Optimizations., Assignment :
and Deep
Backpropagation and
Learning
Gradient Checking
Module 8: Neural
Networks,
Deep Multi Layer Revision Deep Multi Layer
2021-02-22 Computer Vision
Perceptrons Perceptrons
and Deep
Learning
Tensorflow and Keras
overview, GPU vs CPU for
Module 8: Neural
Deep Learning., Google
Networks,
Colaboratory., Install
2021-02-23 Computer Vision Tensorflow And Keras
TensorFlow, Online
and Deep
documentation and tutorials,
Learning
Softmax Classifier on
MNIST dataset.
MLP: Initialization, Model 1:
Sigmoid activation., Model
Module 8: Neural 2: ReLU activation., Model 3:
Networks, Batch Normalization., Model
2021-02-24 Computer Vision Tensorflow And Keras 4 : Dropout., MNIST
and Deep classification in Keras.,
Learning Hyperparameter tuning in
Keras., Assignment :
Working with Callbacks
Module 8: Neural
Exercise: Try different MLP
Networks,
architectures on MNIST
2021-02-25 Computer Vision Tensorflow And Keras
dataset.,Revision Tensorflow
and Deep
And Keras
Learning
Biological inspiration: Visual
Module 8: Neural Cortex, Convolution:Edge
Networks, Detection on images.,
2021-02-26 Computer Vision Convolutional Neural Nets Convolution:Padding and
and Deep strides, Convolution over
Learning RGB images., Convolutional
layer.
Max-pooling., CNN Training:
Optimization, Example CNN:
LeNet [1998], ImageNet
dataset., Data
Augmentation., Convolution
Layers in Keras, AlexNet,
Module 8: Neural
VGGNet, Residual Network.,
Networks,
Inception Network., What is
2021-02-27 Computer Vision Convolutional Neural Nets
Transfer learning., Code
and Deep
example: Cats vs Dogs.,
Learning
Code Example: MNIST
dataset., Assignment :
Transfer Learning - (Given
an rvl-cdip dataset, classify
the given document using
transfer learning)
Module 8: Neural
Networks,
Assignment : Document
2021-02-28 Computer Vision Convolutional Neural Nets
Classification with CNN
and Deep
Learning
Module 8: Neural
Networks,
Revision Convolutional
2021-03-01 Computer Vision Convolutional Neural Nets
Neural Nets
and Deep
Learning
Module 8: Neural
Why RNNs? , Recurrent
Networks,
Long Short-Term Neural Network., Training
2021-03-02 Computer Vision
Memory(LSTMS) RNNs: Backprop., Types of
and Deep
RNNs., Need for LSTM/GRU.
Learning
Module 8: Neural
LSTM., GRUs., Deep RNN.,
Networks,
Long Short-Term Bidirectional RNN., Code
2021-03-03 Computer Vision
Memory(LSTMS) example : IMDB Sentiment
and Deep
classification
Learning
Module 8: Neural
Networks, Assignment : LSTM on
Long Short-Term
2021-03-04 Computer Vision Donors Choose - (LSTM with
Memory(LSTMS)
and Deep Text and categorical data)
Learning
Module 8: Neural Assignment : CNN on CIFR -
Networks, (Classifying CIFAR-10
Long Short-Term
2021-03-05 Computer Vision dataset images with
Memory(LSTMS)
and Deep DenseNet and work with
Learning optimization)
Exercise: Amazon Fine Food
reviews LSTM model., Deep
Module 8: Neural Learning: Generative
Networks, Adversarial Networks
Long Short-Term
2021-03-06 Computer Vision (GANs):Live session on
Memory(LSTMS)
and Deep Generative Adversarial
Learning Networks (GAN), Encoder-
Decoder Models:LIVE:
Encoder-Decoder Models
Module 8: Neural
Attention Models in Deep
Networks,
Long Short-Term Learning:Attention Models in
2021-03-07 Computer Vision
Memory(LSTMS) Deep Learning, Assignment
and Deep
: NLP Attention Mechanism
Learning
Module 8: Neural
Deep Learning:
Networks,
Long Short-Term Transformers and
2021-03-08 Computer Vision
Memory(LSTMS) BERT:Transformers and
and Deep
BERT
Learning
Module 8: Neural
Assignment : NLP with
Networks,
Long Short-Term Transfer Learning -
2021-03-09 Computer Vision
Memory(LSTMS) (Classification of reviews
and Deep
using BERT embeddings)
Learning
Module 8: Neural
Networks, Deep Learning: Image
Long Short-Term
2021-03-10 Computer Vision Segmentation:Live session
Memory(LSTMS)
and Deep on Image Segmentation
Learning
Module 8: Neural Assignment : Computer
Networks, Vision: Segmentation - (Self
Long Short-Term
2021-03-11 Computer Vision Driving Cars: Detect the
Memory(LSTMS)
and Deep Objects on the road using
Learning Semantic Segmentation)
Module 8: Neural
Networks,
Long Short-Term Deep Learning: Object
2021-03-12 Computer Vision
Memory(LSTMS) Detection:Object Detection
and Deep
Learning
Module 8: Neural
Networks, Object Detection YOLO
Long Short-Term
2021-03-13 Computer Vision V3,Revision Long Short-
Memory(LSTMS)
and Deep Term Memory(LSTMS)
Learning
Human Activity Recognition
Problem definition, Dataset
understanding, Data
cleaning & preprocessing,
Module 9: Deep EDA:Univariate analysis.,
Learning Real EDA:Data visualization using
2021-03-14 Human Activity Recognition
World Case t-SNE, Classical ML models.,
Studies Deep-learning Model.,
Exercise: Build deeper LSTM
models and hyper-param
tune them,Revision Human
Activity Recognition
Problem Definition,
Datasets., Data
understanding & Analysis
:Files and folders., Dash-cam
images and steering angles.,
Split the dataset: Train vs
Module 9: Deep
Test, EDA: Steering angles,
Learning Real
2021-03-15 Self Driving Car Mean Baseline model:
World Case
simple, Deep-learning
Studies
model:Deep Learning for
regression: CNN,
CNN+RNN, Batch load the
dataset., NVIDIA’s end to
end CNN model., Train the
model.
Module 9: Deep
Test and visualize the
Learning Real
2021-03-16 Self Driving Car output., Extensions.,Revision
World Case
Self Driving Car
Studies
Real-world problem, Music
Module 9: Deep representation, Char-RNN
Learning Real Music Generation Using with abc-notation :Char-
2021-03-17
World Case Deep Learning RNN model, Char-RNN with
Studies abc-notation :Data
preparation.
Char-RNN with abc-
notation:Many to Many RNN
,TimeDistributed-Dense
layer, Char-RNN with abc-
notation : State full RNN,
Char-RNN with abc-notation
:Model architecture,Model
Module 9: Deep training., Char-RNN with
Learning Real Music Generation Using abc-notation :Music
2021-03-18
World Case Deep Learning generation., Char-RNN with
Studies abc-notation :Generate tabla
music, MIDI music
generation., Case Study 13:
Semantic Search Engine for
Q&A [Design +
Code]:Semantic Search for
Q&A [Design + Code] --- Part
1
Case Study 13: Semantic
Search Engine for Q&A
[Design + Code]:Semantic
Search for Q&A [Design +
Code] --- Part 2 , Case Study
13: Semantic Search Engine
for Q&A [Design +
Code]:Semantic Search for
Module 9: Deep Q&A [Design + Code] --- Part
Learning Real Music Generation Using 3, Case Study 13: Semantic
2021-03-19
World Case Deep Learning Search Engine for Q&A
Studies [Design + Code]:Semantic
Search for Q&A [Design +
Code] --- Part 4 , Survey
blog, Assignment : Spoken
Digit Recognition - (Working
with Audio Dataset: Detect
the sounds using
spectrograms and Deep
Learning)
Module 9: Deep
Learning Real Music Generation Using Revision Music Generation
2021-03-20
World Case Deep Learning Using Deep Learning
Studies