Thanks to visit codestin.com
Credit goes to www.scribd.com

0% found this document useful (0 votes)
10 views37 pages

Animesh

The document outlines the schedule for an Applied Machine Learning course, detailing modules and topics covered from Python fundamentals to advanced data science techniques. It includes specific dates and subjects such as SQL, exploratory data analysis, linear algebra, probability and statistics, and natural language processing. Each module is structured to build upon the previous one, culminating in practical applications and revisions.

Uploaded by

Sankar Mishra
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
10 views37 pages

Animesh

The document outlines the schedule for an Applied Machine Learning course, detailing modules and topics covered from Python fundamentals to advanced data science techniques. It includes specific dates and subjects such as SQL, exploratory data analysis, linear algebra, probability and statistics, and natural language processing. Each module is structured to build upon the previous one, culminating in practical applications and revisions.

Uploaded by

Sankar Mishra
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 37

Applied Machine Learning Course

Schedule
DATE MODULE CHAPTER TOPIC
Keywords and
identifiers, comments,
Module 1: indentation and
Python for Data
2019-04-12 Fundamentals of statements, Variables
Science Introduction
Programming and data types in
Python

Standard Input and


Output, Operators,
Control flow: if else,
Control flow: while
Module 1: loop, Control flow: for
Python for Data
2019-04-13 Fundamentals of loop, Control flow:
Science Introduction
Programming break and
continue,Revision
Python for Data
Science Introduction

Lists, Tuples part 1,


Tuples part-2, Sets,
Module 1: Python for Data Dictionary,
2019-04-14 Fundamentals of Science: Data Strings,Revision
Programming Structures Python for Data
Science: Data
Structures

Module 1: Introduction, Types of


Python for Data
2019-04-15 Fundamentals of functions
Science: Functions
Programming

Module 1: Function arguments,


Python for Data Recursive functions,
2019-04-16 Fundamentals of
Science: Functions Lambda functions
Programming

Module 1: Modules, Packages,


Python for Data
2019-04-17 Fundamentals of File Handling
Science: Functions
Programming
Exception Handling,
Module 1: Debugging
Python for Data Python,Revision Python
2019-04-18 Fundamentals of
Science: Functions for Data Science:
Programming
Functions

Module 1:
Python for Data Numpy Introduction
2019-04-19 Fundamentals of
Science: Numpy
Programming
Numerical operations
Module 1: on Numpy,Revision
Python for Data
2019-04-20 Fundamentals of Python for Data
Science: Numpy
Programming Science: Numpy

Getting started with


Module 1: Matplotlib,Revision
Python for Data
2019-04-21 Fundamentals of Python for Data
Science: Matplotlib
Programming Science: Matplotlib

Getting started with


Module 1: pandas, Data Frame
Python for Data
2019-04-22 Fundamentals of Basics, Key Operations
Science:Pandas
Programming on Data Frames

Module 1: Revision Python for


Python for Data
2019-04-23 Fundamentals of Data Science:Pandas
Science:Pandas
Programming

Space and Time


Module 1: Python for Data Complexity: Find
2019-04-24 Fundamentals of Science:Computational largest number in a
Programming Complexity list , Binary search

Find elements common


in two lists, Find
elements common in
Module 1: Python for Data two lists using a
2019-04-25 Fundamentals of Science:Computational Hashtable/
Programming Complexity Dict,Revision Python
for Data
Science:Computational
Complexity

Module 1: Introduction to
2019-04-26 Fundamentals of SQL Databases, Why SQL?
Programming
Execution of an SQL
statement., IMDB
dataset, Installing
MySQL, Load IMDB
data., USE, DESCRIBE,
Module 1: SHOW TABLES,
2019-04-27 Fundamentals of SQL SELECT , LIMIT,
Programming OFFSET, ORDER BY,
DISTINCT , WHERE,
Comparison operators,
NULL, Logical
Operators

Aggregate Functions:
COUNT, MIN, MAX,
AVG, SUM, GROUP BY,
HAVING, Order of
keywords., Join and
Module 1: Natural Join, Inner,
2019-04-28 Fundamentals of SQL Left, Right and Outer
Programming joins., Sub Queries/
Nested Queries/Inner
Queries, DML:INSERT,
DML:UPDATE ,
DELETE, DDL:CREATE
TABLE

DDL:ALTER: ADD,
MODIFY, DROP,
DDL:DROP TABLE,
Module 1: TRUNCATE, DELETE,
2019-04-29 Fundamentals of SQL Data Control
Programming Language: GRANT,
REVOKE, Learning
resources,Revision
SQL

Module 2:
Datascience: Introduction to IRIS
Plotting for
Exploratory Data dataset and 2D scatter
2019-04-30 exploratory data
Analysis and plot, 3D scatter plot
analysis (EDA)
Data
Visualization

Module 2: Pair plots, Limitations


Datascience: of Pair Plots,
Plotting for Histogram and
Exploratory Data
2019-05-01 exploratory data Introduction to
Analysis and
analysis (EDA) PDF(Probability
Data
Visualization Density Function)
Module 2: Univariate Analysis
Datascience: using PDF,
Plotting for CDF(Cumulative
Exploratory Data
2019-05-02 exploratory data Distribution Function),
Analysis and
analysis (EDA) Mean, Variance and
Data
Visualization Standard Deviation

Median, Percentiles
Module 2: and Quantiles,
Datascience: IQR(Inter Quartile
Plotting for
Exploratory Data Range) and
2019-05-03 exploratory data
Analysis and MAD(Median Absolute
analysis (EDA)
Data Deviation), Box-plot
Visualization with Whiskers

Violin Plots,
Summarizing Plots,
Univariate, Bivariate
Module 2: and Multivariate
Datascience: analysis, Multivariate
Plotting for Probability Density,
Exploratory Data
2019-05-04 exploratory data Contour Plot, Exercise:
Analysis and
analysis (EDA) Perform EDA on
Data
Visualization Haberman
dataset,Revision
Plotting for exploratory
data analysis (EDA)
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), Plane(3-D)
and Hyperplane (n-D),
Module 2: Plane Passing through
Datascience: origin, Normal to a
Exploratory Data Plane, Distance of a
2019-05-05 Linear Algebra
Analysis and point from a Plane/
Data 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 Revision Linear
2019-05-06 Linear Algebra Algebra
Analysis and
Data
Visualization
Introduction to
Module 2: Probability and
Datascience: Statistics, Population
Exploratory Data Probability And and Sample, Gaussian/
2019-05-07
Analysis and Statistics Normal Distribution
Data and its PDF(Probability
Visualization Density Function)
CDF(Cumulative
Distribution function)
of Gaussian/Normal
distribution,
Module 2: Symmetric
Datascience: distribution, Skewness
Exploratory Data Probability And and Kurtosis, Standard
2019-05-08
Analysis and Statistics normal variate (Z) and
Data standardization, Kernel
Visualization density estimation,
Sampling distribution
& Central Limit
theorem

Module 2: Q-Q plot:How to test if


Datascience: a random variable is
Exploratory Data Probability And normally distributed or
2019-05-09
Analysis and Statistics not?, How distributions
Data are used?
Visualization
Module 2:
Datascience: Chebyshev’s inequality,
Exploratory Data Probability And Discrete and
2019-05-10 Continuous Uniform
Analysis and Statistics
Data distributions
Visualization
How to randomly
sample data 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
Datascience: Causation, How to use
Exploratory Data Probability And correlations? ,
2019-05-11
Analysis and Statistics Confidence interval
Data (C.I) Introduction,
Visualization Computing confidence
interval given the
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 Snippet K-S Test,
Module 2: Hypothesis testing:
Datascience: another example,
Exploratory Data Probability And Resampling and
2019-05-12 Permutation test:
Analysis and Statistics
Data another example, How
Visualization to use hypothesis
testing?, Propotional
sampling, Revision
Questions
Module 2:
Datascience:
Exploratory Data Probability And Revision Probability
2019-05-13 And Statistics
Analysis and Statistics
Data
Visualization
What is Dimensionality
reduction?, Row Vector
Module 2: and Column Vector,
Datascience: How to represent a
Exploratory Data Principal Component data set?, How to
2019-05-14
Analysis and Analysis represent a dataset as
Data a Matrix., Data
Visualization Preprocessing: Feature
Normalisation

Module 2: Mean of a data matrix,


Datascience: Data Preprocessing:
Exploratory Data Principal Component Column
2019-05-15 Standardization, Co-
Analysis and Analysis
Data variance of a Data
Visualization Matrix

Module 2:
Datascience: MNIST dataset (784
Exploratory Data Principal Component dimensional), Code to
2019-05-16
Analysis and Analysis Load MNIST Data Set
Data
Visualization
Module 2: Why learn PCA?,
Datascience: Geometric intuition of
Exploratory Data Principal Component PCA, Mathematical
2019-05-17
Analysis and Analysis objective function of
Data PCA
Visualization
Alternative formulation
of PCA: Distance
minimization, Eigen
values and Eigen
vectors (PCA):
Dimensionality
Module 2: reduction, PCA for
Datascience: Dimensionality
Exploratory Data Principal Component Reduction and
2019-05-18 Visualization, Visualize
Analysis and Analysis
Data MNIST dataset,
Visualization Limitations of PCA,
PCA Code example,
PCA for dimensionality
reduction (not-
visualization),Revision
Principal Component
Analysis

What is t-SNE?,
Neighborhood of a
point, Embedding,
Module 2: Geometric intuition of
Datascience: t-SNE, Crowding
Exploratory Data Problem, How to apply
2019-05-19 T-Sne t-SNE and interpret its
Analysis and
Data output, t-SNE on
Visualization MNIST, Code example
of t-SNE, Revision
Questions,Revision T-
Sne

Module 3:
Foundations of Dataset overview:
Natural Predict rating given Amazon Fine Food
2019-05-20 Language product reviews on reviews(EDA), Data
Processing and amazon Cleaning:
Machine Deduplication
Learning
Module 3:
Foundations of
Natural Predict rating given Why convert text to a
2019-05-21 Language product reviews on vector?, Bag of Words
Processing and amazon (BoW)
Machine
Learning
Text Preprocessing:
Module 3: Stemming, Stop-word
Foundations of removal, Tokenization,
Natural Predict rating given Lemmatization., uni-
2019-05-22 Language product reviews on gram, bi-gram, n-
Processing and amazon grams., tf-idf (term
Machine frequency- inverse
Learning document frequency)

Why use log in IDF?,


Module 3: Word2Vec., Avg-
Foundations of Word2Vec, tf-idf
Natural Predict rating given weighted Word2Vec,
2019-05-23 Language product reviews on Bag of Words( Code
Processing and amazon Sample), Text
Machine Preprocessing( Code
Learning Sample)

Bi-Grams and n-grams


Module 3: (Code Sample), TF-IDF
Foundations of (Code Sample),
Natural Predict rating given Word2Vec (Code
2019-05-24 Language product reviews on Sample), Avg-
Processing and amazon Word2Vec and TFIDF-
Machine Word2Vec (Code
Learning Sample), Assignment-2
: Apply t-SNE

Module 3:
Foundations of
Natural Predict rating given Revision Predict rating
2019-05-25 Language product reviews on given product reviews
Processing and amazon on amazon
Machine
Learning
How “Classification”
works?, Data matrix
notation, Classification
vs Regression
(examples), K-Nearest
Neighbours Geometric
intuition with a toy
example, Failure cases
Module 3: of KNN, Distance
Foundations of measures:
Natural Classification And Euclidean(L2) ,
2019-05-26 Language Regression Models: K- Manhattan(L1),
Processing and Nearest Neighbors Minkowski, Hamming,
Machine Cosine Distance &
Learning Cosine Similarity, How
to measure the
effectiveness of k-NN?,
Test/Evaluation time
and space complexity,
KNN Limitations,
Decision surface for K-
NN as K changes

Module 3:
Foundations of
Natural Classification And Overfitting and
2019-05-27 Language Regression Models: K- Underfitting, Need for
Processing and Nearest Neighbors Cross validation
Machine
Learning

Module 3: K-fold cross validation,


Foundations of Visualizing train,
Natural Classification And validation and test
2019-05-28 Language Regression Models: K- datasets, How to
Processing and Nearest Neighbors determine overfitting
Machine and underfitting?, Time
Learning based splitting

Module 3:
Foundations of k-NN for regression,
Natural Classification And Weighted k-NN,
2019-05-29 Language Regression Models: K- Voronoi diagram,
Processing and Nearest Neighbors Binary search tree
Machine
Learning
Module 3: How to build a kd-tree,
Foundations of Find nearest
Natural Classification And neighbours using kd-
2019-05-30 Language Regression Models: K- tree, Limitations of Kd
Processing and Nearest Neighbors tree, Extensions,
Machine Hashing vs LSH, LSH
Learning for cosine similarity

Module 3:
Foundations of LSH for euclidean
Natural Classification And distance, Probabilistic
2019-05-31 Language Regression Models: K- class label, Code
Processing and Nearest Neighbors Sample:Decision
Machine boundary .
Learning
Module 3: Code Sample:Cross
Foundations of Validation, Question
Natural Classification And and Answers,Revision
2019-06-01 Language Regression Models: K- Classification And
Processing and Nearest Neighbors Regression Models: K-
Machine Nearest Neighbors
Learning

Introduction,
Imbalanced vs
balanced dataset,
Multi-class
classification, k-NN,
given a distance or
Module 3: similarity matrix, Train
Foundations of and test set
Natural Performance differences, Impact of
2019-06-02 Language Measurement of outliers, Local outlier
Processing and Models Factor (Simple solution
Machine :Mean distance to
Learning Knn), K-
Distance(A),N(A),
Reachability-
Distance(A,B), Local
reachability-density(A),
Local outlier Factor(A)

Module 3: Impact of Scale &


Foundations of Column
Natural Performance standardization,
2019-06-03 Language Measurement of Interpretability,
Processing and Models Feature Importance
Machine and Forward Feature
Learning selection
Module 3:
Foundations of Handling categorical
Natural Performance and numerical
2019-06-04 Language Measurement of features, Handling
Processing and Models missing values by
Machine imputation
Learning
Module 3:
Foundations of
Natural Performance Curse of
2019-06-05 Language Measurement of dimensionality, Bias-
Processing and Models Variance tradeoff
Machine
Learning
Module 3:
Foundations of Intuitive understanding
Natural Performance of bias-variance., Best
2019-06-06 Language Measurement of and worst cases for an
Processing and Models algorithm, Question
Machine and Answers
Learning
Module 3:
Foundations of
Natural Performance Accuracy, Confusion
2019-06-07 Language Measurement of matrix, TPR, FPR,
Processing and Models FNR, TNR
Machine
Learning
Precision and recall,
F1-score, Receiver
Operating
Module 3: Characteristic Curve
Foundations of (ROC) curve and AUC,
Natural Performance Log-loss, R-Squared/
2019-06-08 Language Measurement of Coefficient of
Processing and Models determination, Median
Machine absolute deviation
Learning (MAD), Distribution of
errors, Assignment-3:
Apply k-nearest
neighbour

Module 3:
Foundations of
Natural Performance Revision Performance
2019-06-09 Language Measurement of Measurement of
Processing and Models Models
Machine
Learning
Module 3:
Foundations of Conditional probability,
Natural Independent vs
2019-06-10 Language Naive Bayes Mutually exclusive
Processing and events, Bayes Theorem
Machine with examples
Learning
Module 3:
Foundations of Exercise problems on
Natural Bayes Theorem, Naive
2019-06-11 Language Naive Bayes Bayes algorithm, Toy
Processing and example: Train and
Machine test stages
Learning
Module 3:
Foundations of
Natural Naive Bayes on Text
2019-06-12 Language Naive Bayes data, Laplace/Additive
Processing and Smoothing
Machine
Learning
Module 3: Log-probabilities for
Foundations of numerical stability,
Natural Bias and Variance
2019-06-13 Language Naive Bayes tradeoff, Feature
Processing and importance and
Machine interpretability
Learning
Module 3:
Foundations of Imbalanced data,
Natural Outliers, Missing
2019-06-14 Language Naive Bayes values, Handling
Processing and Numerical features
Machine (Gaussian NB)
Learning
Multiclass
classification,
Module 3: Similarity or Distance
Foundations of matrix, Large
Natural dimensionality, Best
2019-06-15 Language Naive Bayes and worst cases, Code
Processing and example,
Machine Assignment-4: Apply
Learning Naive Bayes ,Revision
Naive Bayes
Geometric intuition of
Logistic Regression,
Module 3: Sigmoid function:
Foundations of Squashing,
Natural Mathematical
2019-06-16 Language Logistic Regression formulation of
Processing and Objective function,
Machine Weight vector, L2
Learning Regularization:
Overfitting and
Underfitting

L1 regularization and
Module 3: sparsity, Probabilistic
Foundations of Interpretation:
Natural Gaussian Naive Bayes,
2019-06-17 Language Logistic Regression Loss minimization
Processing and interpretation,
Machine Hyperparameter
Learning search: Grid Search
and Random Search

Module 3: Column
Foundations of Standardization,
Natural Feature importance
2019-06-18 Language Logistic Regression and Model
Processing and interpretability,
Machine Collinearity of features
Learning
Module 3:
Foundations of Test/Run time space
Natural and time complexity,
2019-06-19 Language Logistic Regression Real world cases, Non-
Processing and linearly separable data
Machine & feature engineering
Learning
Module 3: Code sample: Logistic
Foundations of regression,
Natural GridSearchCV,
2019-06-20 Language Logistic Regression RandomSearchCV,
Processing and Assignment-5: Apply
Machine Logistic Regression
Learning
Module 3:
Foundations of Extensions to Logistic
Natural Regression:
2019-06-21 Language Logistic Regression Generalized linear
Processing and models,Revision
Machine Logistic Regression
Learning
Geometric intuition of
Module 3: Linear Regression,
Foundations of Mathematical
Natural formulation, Real
2019-06-22 Language Linear Regression world Cases, Code
Processing and sample for Linear
Machine Regression, Question
Learning and Answers,Revision
Linear Regression

Differentiation, Online
differentiation tools,
Maxima and Minima,
Module 3: Vector calculus: Grad,
Foundations of Gradient descent:
Natural geometric intuition,
Solving Optimization Learning rate,
2019-06-23 Language
Problems Gradient descent for
Processing and
Machine linear regression, SGD
Learning algorithm, Constrained
Optimization & PCA,
Logistic regression
formulation revisited

Module 3:
Foundations of Why L1 regularization
Natural creates sparsity?,
Solving Optimization Assignment 6:
2019-06-24 Language
Problems Implement SGD for
Processing and
Machine linear regression
Learning
Module 3:
Foundations of
Natural Revision Solving
Solving Optimization
2019-06-25 Language Optimization Problems
Problems
Processing and
Machine
Learning
Module 4: Geometric Intuition,
Machine Why we take values +1
Learning-II Support Vector and and -1 for Support
2019-06-26 vector planes,
(Supervised Machines
Learning Mathematical
Models) derivation

Module 4: Loss function (Hinge


Machine Loss) based
Learning-II Support Vector interpretation, Dual
2019-06-27
(Supervised Machines form of SVM
Learning formulation
Models)
Module 4:
Machine Kernel trick,
Learning-II Support Vector Polynomial kernel,
2019-06-28
(Supervised Machines RBF-Kernel
Learning
Models)
Domain specific
Kernels, Train and run
Module 4: time complexities, nu-
Machine SVM: control errors
Learning-II Support Vector and support vectors,
2019-06-29 SVM Regression,
(Supervised Machines
Learning Cases, Code Sample,
Models) Assignment 7: Apply
SVM,Revision Support
Vector Machines
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,
Module 4: Building a decision
Machine Tree: Constructing a
Learning-II DT, Building a decision
2019-06-30 Decision Trees Tree: Splitting
(Supervised
Learning numerical features,
Models) Feature
standardization,
Building a decision
Tree:Categorical
features with many
possible values,
Overfitting and
Underfitting, Train and
Run time complexity,
Regression using
Decision Trees

Module 4:
Machine Cases, Code Samples,
Learning-II Assignment 8: Apply
2019-07-01 Decision Trees
(Supervised Decision Trees
Learning
Models)
Module 4:
Machine
Learning-II Revision Decision
2019-07-02 Decision Trees Trees
(Supervised
Learning
Models)

Module 4: What are ensembles?,


Machine Bootstrapped
Learning-II Aggregation (Bagging)
2019-07-03 Ensemble Models Intuition, Random
(Supervised
Learning Forest and their
Models) construction
Bias-Variance tradeoff,
Module 4: Bagging :Train and
Machine Run-time Complexity.,
Learning-II Bagging:Code Sample,
2019-07-04 Ensemble Models
(Supervised Extremely randomized
Learning trees, Random Tree
Models) :Cases

Boosting Intuition,
Residuals, Loss
Module 4: functions and
Machine gradients, Gradient
Learning-II Boosting,
2019-07-05 Ensemble Models Regularization by
(Supervised
Learning Shrinkage, Train and
Models) Run time complexity,
XGBoost: Boosting +
Randomization

AdaBoost: geometric
intuition, Stacking
Module 4: models, Cascading
Machine classifiers, Kaggle
Learning-II competitions vs Real
2019-07-06 Ensemble Models
(Supervised world, Assignment-9:
Learning Apply Random Forests
Models) & GBDT,Revision
Ensemble Models

Introduction, Moving
window for Time
Series Data, Fourier
Module 5: decomposition, Deep
Feature learning features:
Engineering, Featurization And LSTM, Image
2019-07-07
Productionization Feature Importance histogram, Keypoints:
and Deployment SIFT., Deep learning
of ML Models features: CNN,
Relational data, Graph
data

Module 5: Indicator variables,


Feature Feature binning,
Engineering, Featurization And Interaction variables,
2019-07-08
Productionization Feature Importance Mathematical
and Deployment transforms
of ML Models
Module 5: Model specific
Feature featurizations, Feature
Engineering, Featurization And orthogonality, Domain
2019-07-09
Productionization Feature Importance specific featurizations,
and Deployment Feature slicing
of ML Models
Module 5:
Feature Kaggle Winners
Engineering, Featurization And solutions,Revision
2019-07-10 Featurization And
Productionization Feature Importance
and Deployment Feature Importance
of ML Models
Module 5: Calibration of
Feature Models:Need for
Engineering, calibration, Calibration
2019-07-11 Miscellaneous Topics
Productionization Plots., Platt’s
and Deployment Calibration/Scaling.
of ML Models

Module 5: Isotonic Regression,


Feature Code Samples,
Engineering, Modeling in the
2019-07-12 Miscellaneous Topics presence of outliers:
Productionization
and Deployment RANSAC,
of ML Models Productionizing models

Module 5: Retraining models


Feature periodically., A/B
Engineering, testing., Data Science
2019-07-13 Miscellaneous Topics Life cycle, VC
Productionization
and Deployment dimension,Revision
of ML Models Miscellaneous Topics
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-
Module 6: test split, EDA: Basic
Machine Statistics., EDA: Basic
Quora Question Pair Feature Extraction,
2019-07-14 Learning Real
Similarity EDA: Text
World Case
studies Preprocessing, EDA:
Advanced Feature
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

Module 6:
Machine ML Models : XGBoost,
Quora Question Pair
2019-07-15 Learning Real Assignments
Similarity
World Case
studies
Module 6:
Machine Revision Quora
Quora Question Pair Question Pair
2019-07-16 Learning Real
Similarity Similarity
World Case
studies
Business/Real world
problem : Overview,
Module 6: Business objectives
Machine and constraints., ML
Personalized Cancer problem formulation
2019-07-17 Learning Real
Diagnosis :Data, ML problem
World Case
studies formulation: Mapping
real world to ML
problem.
ML problem
formulation :Train, CV
and Test data
construction,
Module 6: Exploratory Data
Machine Analysis:Reading data
Personalized Cancer & preprocessing,
2019-07-18 Learning Real
Diagnosis Exploratory Data
World Case
studies Analysis:Distribution of
Class-labels,
Exploratory Data
Analysis: “Random”
Model

Module 6:
Machine Univariate
Personalized Cancer
2019-07-19 Learning Real Analysis:Gene feature
Diagnosis
World Case
studies
Univariate
Analysis:Variation
Feature, Univariate
Analysis:Text feature,
Machine Learning
Models:Data
preparation, Baseline
Model: Naive Bayes, K-
Nearest Neighbors
Classification, Logistic
Module 6: Regression with class
Machine balancing, Logistic
Personalized Cancer Regression without
2019-07-20 Learning Real
Diagnosis class balancing,
World Case
studies Linear-SVM., Random-
Forest with one-hot
encoded features,
Random-Forest with
response-coded
features, Stacking
Classifier, Majority
Voting
classifier,Revision
Personalized Cancer
Diagnosis
Problem definition. ,
Overview of Graphs:
node/vertex, edge/link,
directed-edge, path. ,
Data format &
Module 6: Limitations. , Mapping
Machine Facebook Friend to a supervised
2019-07-21 Learning Real Recommendation classification
World Case Using Graph Mining problem. , Business
studies constraints &
Metrics. , EDA:Basic
Stats, EDA:Follower
and following stats.,
EDA:Binary
Classification Task

Module 6:
Machine Facebook Friend EDA:Train and test
2019-07-22 Learning Real Recommendation split.
World Case Using Graph Mining
studies

Module 6: Feature engineering on


Machine Facebook Friend Graphs:Jaccard &
2019-07-23 Learning Real Recommendation Cosine Similarities,
World Case Using Graph Mining PageRank, Shortest
studies Path

Connected-
Module 6: components, Adar
Machine Facebook Friend Index, Kartz Centrality,
2019-07-24 Learning Real Recommendation HITS Score, SVD,
World Case Using Graph Mining Weight features,
studies Modeling

Module 6: Revision Facebook


Machine Facebook Friend Friend
2019-07-25 Learning Real Recommendation Recommendation
World Case Using Graph Mining Using Graph Mining
studies

Business/Real world
problem Overview,
Module 6: Objectives and
Machine Taxi Demand Constraints, Mapping
2019-07-26 Learning Real Prediction in New York to ML problem :Data,
World Case City Mapping to ML
studies problem :dask
dataframes
Mapping to ML
problem :Fields/
Features., Mapping to
ML problem :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,
Module 6: Data Cleaning
Machine Taxi Demand :Remove all outliers/
2019-07-27 Learning Real Prediction in New York erroneous points, Data
World Case City Preparation:Clustering/
studies 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 and
previous-time-bin
values, Simple moving
average, Weighted
Moving average.,
Exponential weighted
moving average,
Results.

Regression models
:Train-Test split &
Features, Linear
Module 6: regression., Random
Machine Taxi Demand Forest regression,
2019-07-28 Learning Real Prediction in New York Xgboost Regression,
World Case City Model comparison,
studies Assignment.,Revision
Taxi Demand
Prediction in New York
City
Business/Real world
problem, Business
objectives and
constraints, Mapping
Module 6: to an ML problem:
Machine Data overview,
Stack Overflow Tag
2019-07-29 Learning Real Mapping to an ML
Predictor
World Case problem:ML problem
studies formulation., Mapping
to an ML
problem:Performance
metrics.

Module 6:
Machine Hamming loss,
Stack Overflow Tag EDA:Data Loading,
2019-07-30 Learning Real
Predictor EDA:Analysis of tags
World Case
studies

Module 6: EDA:Data
Machine Preprocessing, Data
Stack Overflow Tag Modeling : Multi label
2019-07-31 Learning Real
Predictor Classification, Data
World Case
studies preparation.

Train-Test Split,
Featurization, Logistic
regression: One VS
Module 6: Rest, Sampling data
Machine and tags+Weighted
Stack Overflow Tag
2019-08-01 Learning Real models., Logistic
Predictor
World Case regression revisited,
studies Why not use advanced
techniques,
Assignments.

Module 6:
Machine Revision Stack
Stack Overflow Tag
2019-08-02 Learning Real Overflow Tag Predictor
Predictor
World Case
studies
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 byte files, Train-
Test class Distribution,
Module 6: ML models – using
Machine byte files only
Microsoft Malware
2019-08-03 Learning Real :Random Model, K-NN,
Detection
World Case Logistic regression,
studies 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,Revision
Microsoft Malware
Detection

What is Clustering?,
Unsupervised learning,
Applications, Metrics
Module 7: Data for Clustering, K-
Mining Means: Geometric
(Unsupervised intuition, Centroids, K-
Learning) and Means: Mathematical
2019-08-04 Clustering
Recommender formulation: Objective
systems+Real function, K-Means
World Case Algorithm., How to
studies initialize: K-Means++,
Failure cases/
Limitations, K-Medoids
Module 7: Data
Mining Determining the right
(Unsupervised K, Code Samples, Time
Learning) and and space
2019-08-05 Clustering
Recommender complexity,Revision
systems+Real Clustering
World Case
studies
Module 7: Data
Mining Agglomerative &
(Unsupervised Divisive, Dendrograms,
Learning) and Hierarchical Agglomerative
2019-08-06 Clustering, Proximity
Recommender Clustering
systems+Real methods: Advantages
World Case and Limitations.
studies
Time and Space
Module 7: Data Complexity, Limitations
Mining of Hierarchical
(Unsupervised Clustering, Code
Learning) and Hierarchical sample, Assignment
2019-08-07
Recommender Clustering 10: Apply k-means,
systems+Real agglomerative,
World Case DBSCAN Clustering
studies algorithms

Module 7: Data
Mining
(Unsupervised
Learning) and Hierarchical Revision Hierarchical
2019-08-08 Clustering
Recommender Clustering
systems+Real
World Case
studies

Module 7: Data Density based


Mining clustering, MinPts and
(Unsupervised Eps: Density, Core,
Learning) and Border and Noise
2019-08-09 DBSCAN Technique points, Density edge
Recommender
systems+Real and Density connected
World Case points., DBSCAN
studies Algorithm
Hyper Parameters:
Module 7: Data MinPts and Eps,
Mining Advantages and
(Unsupervised Limitations of
Learning) and DBSCAN, Time and
2019-08-10 DBSCAN Technique Space Complexity,
Recommender
systems+Real Code samples.,
World Case Question and
studies Answers,Revision
DBSCAN Technique

Problem formulation:
IMDB Movie reviews,
Content based vs
Collaborative Filtering,
Module 7: Data Similarity based
Mining Algorithms, Matrix
(Unsupervised Factorization: PCA,
Learning) and Amazon Fashion SVD, Matrix
2019-08-11
Recommender Discovery Engine Factorization: NMF,
systems+Real Matrix Factorization
World Case for Collaborative
studies filtering, Matrix
Factorization for
feature engineering,
Clustering as MF

Module 7: Data
Mining Hyperparameter
(Unsupervised tuning, Matrix
Learning) and Amazon Fashion Factorization for
2019-08-12
Recommender Discovery Engine recommender systems:
systems+Real Netflix Prize Solution
World Case
studies
Module 7: Data
Mining
(Unsupervised Cold Start problem,
Learning) and Amazon Fashion Word vectors as MF,
2019-08-13
Recommender Discovery Engine Eigen-Faces
systems+Real
World Case
studies
Module 7: Data
Mining
(Unsupervised Code example.,
Learning) and Amazon Fashion Assignment-11: Apply
2019-08-14
Recommender Discovery Engine Truncated SVD
systems+Real
World Case
studies

Module 7: Data Problem Statement:


Mining Recommend similar
(Unsupervised apparel products in e-
Learning) and Amazon Fashion commerce using
2019-08-15 product descriptions
Recommender Discovery Engine
systems+Real and Images,Revision
World Case Amazon Fashion
studies Discovery Engine

Module 7: Data
Mining Plan of action, Amazon
(Unsupervised product advertising
Learning) and Amazon Fashion API, Data folders and
2019-08-16
Recommender Discovery Engine paths, Overview of the
systems+Real data and Terminology
World Case
studies
Data cleaning and
understanding:Missing
data in various
features, Understand
duplicate rows,
Remove duplicates :
Module 7: Data Part 1 , Remove
Mining duplicates: Part 2, Text
(Unsupervised Pre-Processing:
Learning) and Amazon Fashion Tokenization and Stop-
2019-08-17 word removal,
Recommender Discovery Engine
systems+Real Stemming, Text based
World Case product similarity
studies :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
Module 7: Data IDF weighted
Mining Word2Vec product
(Unsupervised similarity, Weighted
Learning) and Amazon Fashion similarity using brand
2019-08-18
Recommender Discovery Engine and color, Code for
systems+Real weighted similarity,
World Case Building a real world
studies solution, Deep learning
based visual product
similarity:ConvNets:
How to featurize an
image: edges, shapes,
parts, Using Keras +
Tensorflow to extract
features, Visual
similarity based
product similarity,
Measuring goodness of
our solution :A/B
testing

Module 7: Data Exercise :Build a


Mining weighted Nearest
(Unsupervised neighbor model using
Learning) and Amazon Fashion Visual, Text, Brand and
2019-08-19
Recommender Discovery Engine Color,Revision Amazon
systems+Real Fashion Discovery
World Case Engine
studies
Business/Real World
00
01

Problem:Problem
Definition, Objectives
and Constraints,
Module 7: Data Mapping to ML
Mining problem : Data
(Unsupervised Overview, Mapping to
Netflix Movie
Learning) and ML problem : ML
2019-08-20 Recommendation
Recommender problem formulation,
system
systems+Real Exploratory Data
World Case Analysis: Data
studies preprocessing,
Exploratory Data
Analysis: Temporal
Train-Test split

Exploratory Data
Module 7: Data Analysis: Preliminary
Mining Data Analysis,
(Unsupervised Exploratory Data
Netflix Movie Analysis: Sparse matrix
Learning) and
2019-08-21 Recommendation representation,
Recommender
system Exploratory Data
systems+Real
World Case Analysis:Average
studies ratings for various
slices

Exploratory Data
Module 7: Data Analysis:Cold start
Mining problem, Computing
(Unsupervised Similarity
Netflix Movie
Learning) and matrices:User-User
2019-08-22 Recommendation
Recommender similarity matrix ,
system
systems+Real Computing Similarity
World Case matrices:Movie-Movie
studies similarity

Computing Similarity
matrices:Does movie-
Module 7: Data movie similarity work?,
Mining ML Models:Surprise
(Unsupervised library , Overview of
Netflix Movie
Learning) and the modelling
2019-08-23 Recommendation
Recommender strategy. , Data
system
systems+Real Sampling. , Google
World Case drive with intermediate
studies files , Featurizations
for regression.
Data transformation
for Surprise. , Xgboost
with 13 features ,
Surprise Baseline
model. , Xgboost + 13
features +Surprise
baseline model ,
Module 7: Data Surprise KNN
Mining predictors , Matrix
(Unsupervised Factorization models
Netflix Movie using Surprise , SVD +
Learning) and
2019-08-24 Recommendation + with implicit
Recommender
system feedback , Final
systems+Real
World Case models with all
studies features and
predictors.,
Comparison between
various models.,
Assignments,Revision
Netflix Movie
Recommendation
system

History of Neural
networks and Deep
Learning., How
Biological Neurons
work?, Growth of
Module 8: Neural biological neural
Networks, networks,
2019-08-25 Computer Vision Neural Networks Diagrammatic
and Deep representation:
Learning Logistic Regression
and Perceptron, Multi-
Layered Perceptron
(MLP)., Notation,
Training a single-
neuron model.

Module 8: Neural
Networks, Training an MLP:
2019-08-26 Computer Vision Neural Networks Chain Rule
and Deep
Learning
Module 8: Neural
Networks, Training an
2019-08-27 Computer Vision Neural Networks MLP:Memoization,
and Deep Backpropagation.
Learning
Module 8: Neural
Networks, Activation functions,
2019-08-28 Computer Vision Neural Networks Vanishing Gradient
and Deep problem.
Learning
Module 8: Neural Bias-Variance tradeoff.,
Networks, Decision surfaces:
2019-08-29 Computer Vision Neural Networks Playground,Revision
and Deep Neural Networks
Learning
Module 8: Neural Deep Multi-layer
Networks, perceptrons:1980s to
Deep Multi Layer
2019-08-30 Computer Vision 2010s, Dropout layers
Perceptrons
and Deep & Regularization.
Learning

Rectified Linear Units


(ReLU)., Weight
Module 8: Neural initialization., Batch
Networks, Normalization.,
Deep Multi Layer Optimizers:Hill-descent
2019-08-31 Computer Vision
Perceptrons analogy in 2D,
and Deep
Learning Optimizers:Hill descent
in 3D and contours.,
SGD Recap

Batch SGD with


momentum., Nesterov
Accelerated Gradient
(NAG),
Optimizers:AdaGrad,
Optimizers : Adadelta
Module 8: Neural andRMSProp, Adam,
Networks, Which algorithm to
Deep Multi Layer
2019-09-01 Computer Vision choose when?,
Perceptrons
and Deep Gradient Checking and
Learning clipping, Softmax and
Cross-entropy for
multi-class
classification., How to
train a Deep MLP?,
Auto Encoders.

Module 8: Neural
Networks, Word2Vec :CBOW,
Deep Multi Layer
2019-09-02 Computer Vision Word2Vec: Skip-gram
Perceptrons
and Deep
Learning
Module 8: Neural Word2Vec :Algorithmic
Networks, Optimizations.,Revision
Deep Multi Layer
2019-09-03 Computer Vision Deep Multi Layer
Perceptrons
and Deep Perceptrons
Learning
Module 8: Neural
Networks, Tensorflow and Keras
2019-09-04 Computer Vision Tensorflow And Keras overview, GPU vs CPU
and Deep for Deep Learning.
Learning
Google Colaboratory.,
Module 8: Neural Install TensorFlow,
Networks, Online documentation
2019-09-05 Computer Vision Tensorflow And Keras and tutorials, Softmax
and Deep Classifier on MNIST
Learning dataset.

Module 8: Neural
Networks, MLP: Initialization,
2019-09-06 Computer Vision Tensorflow And Keras Model 1: Sigmoid
and Deep activation.
Learning
Model 2: ReLU
activation., Model 3:
Batch Normalization.,
Model 4 : Dropout.,
Module 8: Neural MNIST classification in
Networks, Keras.,
2019-09-07 Computer Vision Tensorflow And Keras Hyperparameter
and Deep tuning in Keras.,
Learning Exercise: Try different
MLP architectures on
MNIST
dataset.,Revision
Tensorflow And Keras

Biological inspiration:
Visual Cortex,
Convolution:Edge
Detection on images.,
Module 8: Neural Convolution:Padding
Networks, and strides,
Convolutional Neural
2019-09-08 Computer Vision Convolution over RGB
Nets
and Deep images., Convolutional
Learning layer., Max-pooling.,
CNN Training:
Optimization, Example
CNN: LeNet [1998]
ImageNet dataset.,
Module 8: Neural Data Augmentation.,
Networks, Convolution Layers in
Convolutional Neural
2019-09-09 Computer Vision Keras, AlexNet,
Nets
and Deep VGGNet, Residual
Learning Network.

Module 8: Neural
Networks, Inception Network.,
Convolutional Neural What is Transfer
2019-09-10 Computer Vision
Nets learning.
and Deep
Learning
Code example: Cats vs
Module 8: Neural Dogs., Code Example:
Networks, MNIST dataset.,
Convolutional Neural
2019-09-11 Computer Vision Assignment: Try
Nets
and Deep various CNN networks
Learning on MNIST dataset.

Module 8: Neural
Networks, Revision Convolutional
Convolutional Neural
2019-09-12 Computer Vision Neural Nets
Nets
and Deep
Learning
Module 8: Neural
Networks, Why RNNs? ,
Long Short-Term Recurrent Neural
2019-09-13 Computer Vision
Memory(LSTMS) Network.
and Deep
Learning
Training RNNs:
Backprop., Types of
Module 8: Neural RNNs., Need for
Networks, LSTM/GRU., LSTM.,
Long Short-Term GRUs., Deep RNN.,
2019-09-14 Computer Vision
Memory(LSTMS) Bidirectional RNN.,
and Deep
Learning Code example : IMDB
Sentiment
classification

Module 8: Neural Exercise: Amazon Fine


Networks, Food reviews LSTM
Long Short-Term model.,Revision Long
2019-09-15 Computer Vision
Memory(LSTMS) Short-Term
and Deep
Learning Memory(LSTMS)
Module 9: Deep Human Activity
Learning Real Human Activity Recognition Problem
2019-09-16 definition, Dataset
World Case Recognition
Studies understanding

Data cleaning &


preprocessing,
Module 9: Deep EDA:Univariate
Learning Real Human Activity analysis., EDA:Data
2019-09-17 visualization using t-
World Case Recognition
Studies SNE, Classical ML
models., Deep-learning
Model.

Module 9: Deep Exercise: Build deeper


Learning Real Human Activity LSTM models and
2019-09-18 hyper-param tune
World Case Recognition
Studies them

Module 9: Deep
Learning Real Human Activity Revision Human
2019-09-19 Activity Recognition
World Case Recognition
Studies
Problem Definition,
Datasets., Data
Module 9: Deep understanding &
Learning Real Analysis :Files and
2019-09-20 Self Driving Car
World Case folders., Dash-cam
Studies images and steering
angles.

Split the dataset: Train


vs Test, EDA: Steering
angles, Mean Baseline
model: simple, Deep-
learning model:Deep
Learning for
Module 9: Deep regression: CNN,
Learning Real CNN+RNN, Batch load
2019-09-21 Self Driving Car
World Case the dataset., NVIDIA’s
Studies end to end CNN
model., Train the
model., Test and
visualize the output.,
Extensions.,
Assignment.
Module 9: Deep
Learning Real Revision Self Driving
2019-09-22 Self Driving Car Car
World Case
Studies
Module 9: Deep
Learning Real Music Generation Real-world problem,
2019-09-23 Music representation
World Case Using Deep Learning
Studies
Char-RNN with abc-
Module 9: Deep notation :Char-RNN
Learning Real Music Generation model, Char-RNN with
2019-09-24
World Case Using Deep Learning abc-notation :Data
Studies preparation.

Char-RNN with abc-


notation:Many to Many
RNN ,TimeDistributed-
Module 9: Deep Dense layer, Char-RNN
Learning Real Music Generation with abc-notation :
2019-09-25 State full RNN, Char-
World Case Using Deep Learning
Studies RNN with abc-notation
:Model
architecture,Model
training.

Char-RNN with abc-


notation :Music
generation., Char-RNN
Module 9: Deep with abc-notation
Learning Real Music Generation :Generate tabla music,
2019-09-26 MIDI music
World Case Using Deep Learning
Studies generation., Survey
blog,Revision Music
Generation Using Deep
Learning

Applied AI Course Wishes You All The Best


Please mail us to [email protected] if you have any queries

You might also like