SlideShare a Scribd company logo
zekeLabs
Master Guide to become a
Data Scientist
Learning made Simpler !
www.zekeLabs.com
“Goal - Become a Data Scientist”
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
“A Dream becomes a Goal when action is taken towards its achievement” - Bo Bennett
“The Plan”
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
“A Goal without a Plan is just a wish”
Complete Data Science in 20 Modules - 50 hours
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
Numerical Computation using NumPy Linear Regression
Essential Statistics & Maths Logistic Regression
Pandas & scipy for Data Wrangling & Statistics Naive Bayes
Data Visualization Trees
Introducing Machine Learning & Knowing Datasets Ensemble Methods
Data Preprocessing Nearest Neighbors
Feature Engineering Support Vector Machines
Feature Selection Techniques Clustering
Model Evaluation Machine Learning at Scale & Deployment
Model Selection 10 Projects
0. Prerequisite
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Basic Programming using Python
● Object Oriented Programming in Python
● Connecting databases & SQL
● Web scraping
● Parsing
1. Numerical Computation using NumPy - 3 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Why NumPy ?
● Performance
● Creation
● Access
● Concat & Split
● Axes
● Understanding Vectors
● Reshape
● Matrix Operation
● Utility functions
● Common NumPy utilities
● Broadcasting
2. Essential Statistics & Maths - 5 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Relationships - Deterministic vs Statistical
● Statistics - Descriptive vs Inferential
● Sampling
● Variables
● Distribution
● Summarizing Distribution
● Correlation, Collinearity, Causation
● Probability
● Normal Distribution
● Confidence Interval
● Hypothesis Testing
● Calculus
● Linear Algebra
● Matrix Ops
3. Pandas & scipy for Data Wrangling & Statistics - 5 hrs
Info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Series vs DataFrames
● Loading CSV, JSON, DB etc.
● Access & Filters
● DataFrame
● Exploratory Data Analysis
● Finding & Handling Missing Data
● Duplicate Handling
● Rolling averages
● Applying functions
● Handling Time Series Data
● Merging & Grouping Data
● Pivot Table & Crosstab
● Random data using scipy
● Comparing datasets using scipy
● Analyzing sample using scipy
● Kernel Density Estimation using scipy
4. Data Visualization - 4 hrs
Info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Understanding matplotlib
● Plotting Quantitative data
● Plotting Qualitative data
● Histograms
● Frequency Polygons
● Box-Plots
● Bar charts
● Line Graphs
● Scatter Plots
● 3D Plots
● Exploring seaborn & Bokeh
● Introduction to Tableau
● Plotting scatter plot
● Bubble chart
● Bullet chart
● Gantt chart
5. Introducing Machine Learning & Knowing Datasets - 1 hr
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Introduction to Machine Learning
● Supervised Learning
● Unsupervised Learning
● Reinforced Learning
● Regression
● Classification
● Clusterin
● Machine Learning in Big Companies
● Machine Learning in Small Companies
● Machine Learning in startups
● UCI
● Kaggle
● Inbuilt scikit-learn datasets
● Generating datasets
6. Data Preprocessing - 4 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Standardize feature
● Normalize
● Encoding categorical features
● Encoding Ordinal Features
● Non-linear transformation
● Polynomial features
● Handling Time Feature
● Rolling Time window
● Custom Transformers
● DictVectorizer, CountVectorizer, TF-IDF
● NLTK - stemming, lemma, stop-words
● Skimage library for image processing
● Crop, resize, gray
● Outlier detection
● Handling Outlier data
● Handling Imbalanced classes
7. Feature Engineering - 3 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Principal Component Analysis
● Linear Discriminant Analysis
● Generalized Discriminant Analysis
● FastICA
● Non-negative Matrix Factorization
● TruncatedSVD
8. Feature Selection 2 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● SelectKBest for Regression
● SelectKBest for Classification
● Variance Threshold
● Drop Highly correlated features
● Dropping based on non null values
● SelectFromModel
● Feature Selection using RandomForest
● Based on correlation with target
● Univariate Feature Selection
● Recursive Feature Elimination
9. Model Evaluation - 1 hr
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Why do we need to evaluate at all ?
● Metrics for Classification
● Metrics for Regression
● Clustering matrices
● Probability Calibration
● Pairwise matrices
10. Model Selection 1 hr
support@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Motivation
● KFold
● StratifiedKFold
● Splitting training testing data
● Cross Validate
● GridSearchCV
● RandomizedSearchCV
11. Linear Regression - 3 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Understanding Ordinary Least Squares
● Cost Function
● Bias & Variance
● Coefficients & Intercept
● Simple Linear Regression
● Polynomial Linear Regression
● Ridge
● Lasso
● Elastic Net
● Stochastic Gradient Descent
● Robustness Regression
● Problem - Insurance Payout Prediction
12. Logistic Regression - 2 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Basics of Logistic Regression
● Sigmoid
● Cost Function
● Understanding important
hyperparameters
● Predicting linear separator
● Predicting nonlinear decision boundary
● Handling Imbalanced classes
● Project - Predicting if income is less than
50K or more
13. Naive Bayes - 2 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Bayes Theorem
● Gaussian Naive Bayes
● Multinomial Naive Bayes
● Bernoulli’s Naive Bayes
● Out-of-core naive bayes using partial-fit
● Limitations of naive bayes
● Choosing right
● Problem - Mail data classification
14. Trees - 2 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Understanding Information Theory
● Entropy
● Decision Tree creation
● Tree for Classification
● Tree for Regression
● Advantages of Decision Tree
● Important Hyper-parameters
● Limitations of Decision Tree
15. Ensemble Methods - 3 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Bagging vs Boosting
● Forests
● AdaBoost
● XGBoost
● Gradient Tree Boosting
● Voting Classifier
● Role weak estimators play
● Problem - Attack detection on network
data
16. Nearest Neighbors - 2 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Unsupervised Nearest Neighbor
● Nearest Neighbor for Classification
● Nearest Neighbor for Regression
● Effect of k
● Nearest Neighbor Algorithms
● Choosing algorithm
● Nearest Centroid Classifier
● Developing recommendation engine
17. Support Vector Machine 3 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Understanding SVM
● Classification
● Regression
● OneClassSVM
● Imbalanced Classes
● Kernel Functions
● Understanding Maths behind it
● Problem - Face recognition
17b. Novelty & Outlier Detection 1 hr
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Novelty vs Outlier
● OneClassSVM
● Fitting data in Elliptical Envelop
● Isolation Forest
● Local Outlier Factor
● When to use what
18. Clustering - 3 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Objectives of clustering
● Agglomerative clustering
● DBSCAN clustering
● KMeans
● Affinity Propagation
● Meanshift clustering
● Spectral clustering
● Hierarchical clustering
● Birch
● Clustering evaluation
19. Deployment & Scaling - 3 hrs
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Bottom-Up approach for dealing with large
data
● Extracting features using Hashing
Techniques
● Incremental learning
● Serializing data for quicker access
● Running as a Python .egg or wheel
● Model behind REST server
● Persisting & Loading model
● Deploying model behind web application
20. Use Cases
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Credit Risk - Predicting Defaulters
● Amazon Food Review Sentiment
● Predicting Employee Attrition
● Identify characters on unknown language
● Predicting insurance payout amount
● Text Categorization
● Churn Prediction
● Attack Prediction on network data
● Identifying faces
● Predict patient stay in hospital
Way Forward - Deep Learning
● Basics of TensorFlow & Keras
● Foundations of Neural Network
● Activation Functions & Optimizers
● Regularization Techniques & Loss
Functions
● Implementation Deep Neural Network
for Fashion-MNIST
● Introduction to Convolutional Neural
Network
● Filters, pooling, strides
● Different initialization techniques
● Implement CNN for Fashion-MNIST
● Hyper-parameter tuning CNN
● Understanding popular trained model
Complete Deep Learning in 10 Modules - 50 hours
info@zekeLabs.com | www.zekeLabs.com | +91 8095465880
● Transfer Learning & Fine Tuning
● Understanding Recurrent Neural
Networks
● LSTM
● GRU
● Implement Text Classification using
LSTM
● Autoencoders
● GAN
● Implement GAN & DCGAN
● Implementing image captioning
● Implementing chatbot
● Implementing MNIST generator
● Hyperparameter tuning
Repositories
● https://github.com/zekelabs/machine-learning-for-beginners
● https://github.com/zekelabs/tensorflow-tutorial/
● Dog breed prediction -
https://www.edyoda.com/resources/watch/54AEA4CDC35394F1183A9D
D17AA47/
● Python learning course -
https://www.edyoda.com/resources/videolisting/98/
Thank You !!!
Visit : www.zekeLabs.com for more details
Let us know how can we help your organization to Upskill the employees to
stay updated in the ever-evolving IT Industry.
www.zekeLabs.com | +91-8095465880 | info@zekeLabs.com

More Related Content

PPTX
Master guide to become a Data Scientist -by zekeLabs
PPTX
Master guide to become a data scientist
PPT
kaggle_meet_up
PDF
Kaggle and data science
PDF
Data Structures and Algorithms for Big Databases
PDF
Introduction to Data Mining - A Beginner's Guide
PPTX
Introduction to competitive data science
PPTX
Moving from BI to AI : For decision makers
Master guide to become a Data Scientist -by zekeLabs
Master guide to become a data scientist
kaggle_meet_up
Kaggle and data science
Data Structures and Algorithms for Big Databases
Introduction to Data Mining - A Beginner's Guide
Introduction to competitive data science
Moving from BI to AI : For decision makers

Similar to Master guide to become a data scientist by zeke labs (20)

PDF
Machine_Learning_Overview_Presentation_1.pdf
PDF
Machine_Learning_Overview_Presentation_1.pdf
PPTX
Machine_Learning_Overview_Presentation_1.pptx
PPTX
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
PPTX
InfoEducatie - Face Recognition Architecture
PDF
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
PDF
MLConf 2016 SigOpt Talk by Scott Clark
PDF
Using Bayesian Optimization to Tune Machine Learning Models
PDF
Using Bayesian Optimization to Tune Machine Learning Models
PDF
Data Science At Zillow
PDF
Joker'14 Java as a fundamental working tool of the Data Scientist
PDF
BSSML17 - Deepnets
PPTX
Machine learning at scale - Webinar By zekeLabs
PDF
Machine Learning for Dummies
PPTX
Machine Learning With ML.NET
PDF
The Machine Learning Workflow with Azure
PPTX
Data Science for Dummies - Data Engineering with Titanic dataset + Databricks...
PDF
01-pengantar.pdf
PDF
Knowledge Discovery
PDF
A Kaggle Talk
Machine_Learning_Overview_Presentation_1.pdf
Machine_Learning_Overview_Presentation_1.pdf
Machine_Learning_Overview_Presentation_1.pptx
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
InfoEducatie - Face Recognition Architecture
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
MLConf 2016 SigOpt Talk by Scott Clark
Using Bayesian Optimization to Tune Machine Learning Models
Using Bayesian Optimization to Tune Machine Learning Models
Data Science At Zillow
Joker'14 Java as a fundamental working tool of the Data Scientist
BSSML17 - Deepnets
Machine learning at scale - Webinar By zekeLabs
Machine Learning for Dummies
Machine Learning With ML.NET
The Machine Learning Workflow with Azure
Data Science for Dummies - Data Engineering with Titanic dataset + Databricks...
01-pengantar.pdf
Knowledge Discovery
A Kaggle Talk
Ad

More from zekeLabs Technologies (20)

PPTX
Webinar - Build Cloud-native platform using Docker, Kubernetes, Prometheus, I...
PPTX
Design Patterns for Pods and Containers in Kubernetes - Webinar by zekeLabs
PDF
[Webinar] Following the Agile Footprint - zekeLabs
PDF
A curtain-raiser to the container world Docker & Kubernetes
PPTX
Docker - A curtain raiser to the Container world
PPTX
Serverless and cloud computing
PPTX
02 terraform core concepts
PPTX
08 Terraform: Provisioners
PPTX
Outlier detection handling
PPTX
Nearest neighbors
PPTX
PPTX
Linear regression
PPTX
Linear models of classification
PPTX
Grid search, pipeline, featureunion
PPTX
Feature selection
PPTX
Essential NumPy
PPTX
Ensemble methods
PPTX
Dimentionality reduction
PPTX
Data Preprocessing
Webinar - Build Cloud-native platform using Docker, Kubernetes, Prometheus, I...
Design Patterns for Pods and Containers in Kubernetes - Webinar by zekeLabs
[Webinar] Following the Agile Footprint - zekeLabs
A curtain-raiser to the container world Docker & Kubernetes
Docker - A curtain raiser to the Container world
Serverless and cloud computing
02 terraform core concepts
08 Terraform: Provisioners
Outlier detection handling
Nearest neighbors
Linear regression
Linear models of classification
Grid search, pipeline, featureunion
Feature selection
Essential NumPy
Ensemble methods
Dimentionality reduction
Data Preprocessing
Ad

Recently uploaded (20)

PDF
Architecting across the Boundaries of two Complex Domains - Healthcare & Tech...
PDF
Mobile App Security Testing_ A Comprehensive Guide.pdf
PDF
MIND Revenue Release Quarter 2 2025 Press Release
PDF
Video forgery: An extensive analysis of inter-and intra-frame manipulation al...
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
PPTX
SOPHOS-XG Firewall Administrator PPT.pptx
PDF
Empathic Computing: Creating Shared Understanding
PDF
Encapsulation_ Review paper, used for researhc scholars
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
PDF
Getting Started with Data Integration: FME Form 101
PDF
Agricultural_Statistics_at_a_Glance_2022_0.pdf
PPTX
Spectroscopy.pptx food analysis technology
PPTX
Group 1 Presentation -Planning and Decision Making .pptx
PDF
Approach and Philosophy of On baking technology
PDF
Advanced methodologies resolving dimensionality complications for autism neur...
PPTX
MYSQL Presentation for SQL database connectivity
PDF
Encapsulation theory and applications.pdf
PDF
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
PDF
Machine learning based COVID-19 study performance prediction
PPT
“AI and Expert System Decision Support & Business Intelligence Systems”
Architecting across the Boundaries of two Complex Domains - Healthcare & Tech...
Mobile App Security Testing_ A Comprehensive Guide.pdf
MIND Revenue Release Quarter 2 2025 Press Release
Video forgery: An extensive analysis of inter-and intra-frame manipulation al...
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
SOPHOS-XG Firewall Administrator PPT.pptx
Empathic Computing: Creating Shared Understanding
Encapsulation_ Review paper, used for researhc scholars
Dropbox Q2 2025 Financial Results & Investor Presentation
Getting Started with Data Integration: FME Form 101
Agricultural_Statistics_at_a_Glance_2022_0.pdf
Spectroscopy.pptx food analysis technology
Group 1 Presentation -Planning and Decision Making .pptx
Approach and Philosophy of On baking technology
Advanced methodologies resolving dimensionality complications for autism neur...
MYSQL Presentation for SQL database connectivity
Encapsulation theory and applications.pdf
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
Machine learning based COVID-19 study performance prediction
“AI and Expert System Decision Support & Business Intelligence Systems”

Master guide to become a data scientist by zeke labs

  • 1. zekeLabs Master Guide to become a Data Scientist Learning made Simpler ! www.zekeLabs.com
  • 2. “Goal - Become a Data Scientist” info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 “A Dream becomes a Goal when action is taken towards its achievement” - Bo Bennett
  • 3. “The Plan” info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 “A Goal without a Plan is just a wish”
  • 4. Complete Data Science in 20 Modules - 50 hours info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 Numerical Computation using NumPy Linear Regression Essential Statistics & Maths Logistic Regression Pandas & scipy for Data Wrangling & Statistics Naive Bayes Data Visualization Trees Introducing Machine Learning & Knowing Datasets Ensemble Methods Data Preprocessing Nearest Neighbors Feature Engineering Support Vector Machines Feature Selection Techniques Clustering Model Evaluation Machine Learning at Scale & Deployment Model Selection 10 Projects
  • 5. 0. Prerequisite info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Basic Programming using Python ● Object Oriented Programming in Python ● Connecting databases & SQL ● Web scraping ● Parsing
  • 6. 1. Numerical Computation using NumPy - 3 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Why NumPy ? ● Performance ● Creation ● Access ● Concat & Split ● Axes ● Understanding Vectors ● Reshape ● Matrix Operation ● Utility functions ● Common NumPy utilities ● Broadcasting
  • 7. 2. Essential Statistics & Maths - 5 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Relationships - Deterministic vs Statistical ● Statistics - Descriptive vs Inferential ● Sampling ● Variables ● Distribution ● Summarizing Distribution ● Correlation, Collinearity, Causation ● Probability ● Normal Distribution ● Confidence Interval ● Hypothesis Testing ● Calculus ● Linear Algebra ● Matrix Ops
  • 8. 3. Pandas & scipy for Data Wrangling & Statistics - 5 hrs Info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Series vs DataFrames ● Loading CSV, JSON, DB etc. ● Access & Filters ● DataFrame ● Exploratory Data Analysis ● Finding & Handling Missing Data ● Duplicate Handling ● Rolling averages ● Applying functions ● Handling Time Series Data ● Merging & Grouping Data ● Pivot Table & Crosstab ● Random data using scipy ● Comparing datasets using scipy ● Analyzing sample using scipy ● Kernel Density Estimation using scipy
  • 9. 4. Data Visualization - 4 hrs Info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Understanding matplotlib ● Plotting Quantitative data ● Plotting Qualitative data ● Histograms ● Frequency Polygons ● Box-Plots ● Bar charts ● Line Graphs ● Scatter Plots ● 3D Plots ● Exploring seaborn & Bokeh ● Introduction to Tableau ● Plotting scatter plot ● Bubble chart ● Bullet chart ● Gantt chart
  • 10. 5. Introducing Machine Learning & Knowing Datasets - 1 hr info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Introduction to Machine Learning ● Supervised Learning ● Unsupervised Learning ● Reinforced Learning ● Regression ● Classification ● Clusterin ● Machine Learning in Big Companies ● Machine Learning in Small Companies ● Machine Learning in startups ● UCI ● Kaggle ● Inbuilt scikit-learn datasets ● Generating datasets
  • 11. 6. Data Preprocessing - 4 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Standardize feature ● Normalize ● Encoding categorical features ● Encoding Ordinal Features ● Non-linear transformation ● Polynomial features ● Handling Time Feature ● Rolling Time window ● Custom Transformers ● DictVectorizer, CountVectorizer, TF-IDF ● NLTK - stemming, lemma, stop-words ● Skimage library for image processing ● Crop, resize, gray ● Outlier detection ● Handling Outlier data ● Handling Imbalanced classes
  • 12. 7. Feature Engineering - 3 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Principal Component Analysis ● Linear Discriminant Analysis ● Generalized Discriminant Analysis ● FastICA ● Non-negative Matrix Factorization ● TruncatedSVD
  • 13. 8. Feature Selection 2 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● SelectKBest for Regression ● SelectKBest for Classification ● Variance Threshold ● Drop Highly correlated features ● Dropping based on non null values ● SelectFromModel ● Feature Selection using RandomForest ● Based on correlation with target ● Univariate Feature Selection ● Recursive Feature Elimination
  • 14. 9. Model Evaluation - 1 hr info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Why do we need to evaluate at all ? ● Metrics for Classification ● Metrics for Regression ● Clustering matrices ● Probability Calibration ● Pairwise matrices
  • 15. 10. Model Selection 1 hr support@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Motivation ● KFold ● StratifiedKFold ● Splitting training testing data ● Cross Validate ● GridSearchCV ● RandomizedSearchCV
  • 16. 11. Linear Regression - 3 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Understanding Ordinary Least Squares ● Cost Function ● Bias & Variance ● Coefficients & Intercept ● Simple Linear Regression ● Polynomial Linear Regression ● Ridge ● Lasso ● Elastic Net ● Stochastic Gradient Descent ● Robustness Regression ● Problem - Insurance Payout Prediction
  • 17. 12. Logistic Regression - 2 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Basics of Logistic Regression ● Sigmoid ● Cost Function ● Understanding important hyperparameters ● Predicting linear separator ● Predicting nonlinear decision boundary ● Handling Imbalanced classes ● Project - Predicting if income is less than 50K or more
  • 18. 13. Naive Bayes - 2 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Bayes Theorem ● Gaussian Naive Bayes ● Multinomial Naive Bayes ● Bernoulli’s Naive Bayes ● Out-of-core naive bayes using partial-fit ● Limitations of naive bayes ● Choosing right ● Problem - Mail data classification
  • 19. 14. Trees - 2 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Understanding Information Theory ● Entropy ● Decision Tree creation ● Tree for Classification ● Tree for Regression ● Advantages of Decision Tree ● Important Hyper-parameters ● Limitations of Decision Tree
  • 20. 15. Ensemble Methods - 3 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Bagging vs Boosting ● Forests ● AdaBoost ● XGBoost ● Gradient Tree Boosting ● Voting Classifier ● Role weak estimators play ● Problem - Attack detection on network data
  • 21. 16. Nearest Neighbors - 2 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Unsupervised Nearest Neighbor ● Nearest Neighbor for Classification ● Nearest Neighbor for Regression ● Effect of k ● Nearest Neighbor Algorithms ● Choosing algorithm ● Nearest Centroid Classifier ● Developing recommendation engine
  • 22. 17. Support Vector Machine 3 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Understanding SVM ● Classification ● Regression ● OneClassSVM ● Imbalanced Classes ● Kernel Functions ● Understanding Maths behind it ● Problem - Face recognition
  • 23. 17b. Novelty & Outlier Detection 1 hr info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Novelty vs Outlier ● OneClassSVM ● Fitting data in Elliptical Envelop ● Isolation Forest ● Local Outlier Factor ● When to use what
  • 24. 18. Clustering - 3 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Objectives of clustering ● Agglomerative clustering ● DBSCAN clustering ● KMeans ● Affinity Propagation ● Meanshift clustering ● Spectral clustering ● Hierarchical clustering ● Birch ● Clustering evaluation
  • 25. 19. Deployment & Scaling - 3 hrs info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Bottom-Up approach for dealing with large data ● Extracting features using Hashing Techniques ● Incremental learning ● Serializing data for quicker access ● Running as a Python .egg or wheel ● Model behind REST server ● Persisting & Loading model ● Deploying model behind web application
  • 26. 20. Use Cases info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Credit Risk - Predicting Defaulters ● Amazon Food Review Sentiment ● Predicting Employee Attrition ● Identify characters on unknown language ● Predicting insurance payout amount ● Text Categorization ● Churn Prediction ● Attack Prediction on network data ● Identifying faces ● Predict patient stay in hospital
  • 27. Way Forward - Deep Learning
  • 28. ● Basics of TensorFlow & Keras ● Foundations of Neural Network ● Activation Functions & Optimizers ● Regularization Techniques & Loss Functions ● Implementation Deep Neural Network for Fashion-MNIST ● Introduction to Convolutional Neural Network ● Filters, pooling, strides ● Different initialization techniques ● Implement CNN for Fashion-MNIST ● Hyper-parameter tuning CNN ● Understanding popular trained model Complete Deep Learning in 10 Modules - 50 hours info@zekeLabs.com | www.zekeLabs.com | +91 8095465880 ● Transfer Learning & Fine Tuning ● Understanding Recurrent Neural Networks ● LSTM ● GRU ● Implement Text Classification using LSTM ● Autoencoders ● GAN ● Implement GAN & DCGAN ● Implementing image captioning ● Implementing chatbot ● Implementing MNIST generator ● Hyperparameter tuning
  • 29. Repositories ● https://github.com/zekelabs/machine-learning-for-beginners ● https://github.com/zekelabs/tensorflow-tutorial/ ● Dog breed prediction - https://www.edyoda.com/resources/watch/54AEA4CDC35394F1183A9D D17AA47/ ● Python learning course - https://www.edyoda.com/resources/videolisting/98/
  • 31. Visit : www.zekeLabs.com for more details Let us know how can we help your organization to Upskill the employees to stay updated in the ever-evolving IT Industry. www.zekeLabs.com | +91-8095465880 | info@zekeLabs.com