Animesh
Animesh
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
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
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
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:
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)
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:
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:
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:
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)
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 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
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
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
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
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
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
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 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.