You are on page 1of 31

Applied Machine Learning Course

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

Applied AI Course Wishes You All The Best


Please mail us to team@appliedaicourse.com if you have any queries

You might also like