SlideShare a Scribd company logo
1 of 9
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Integrated Multi-Tiered Course in Machine Learning, Scaling, and
Applications-ML Shells
Contents1
Introduction to ML-Shells .......................................................................................................................2
Course Outline Foundations of Machine Learning Algorithms (3 days).................................................3
Course Machine Learning Implementation with Python + Project (3 days)...........................................4
Deep Learning Training with Python (5 days).........................................................................................5
Text and Language Processing using Python (10 Days) ..........................................................................6
Machine and Deep Learning for Image and Video Processing (5 days)..................................................7
Hands on Projects Near Full Length Apps using ML and Deep Learning (4 days)...................................8
Course Machine Learning Implementation with R + Project (5 days) ....................................................9
1
Top Outline only-not a detailed description, not a document for commercial terms and conditions.
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Introduction to ML-Shells
The Course is Organized as shells of growing knowledge from Core to Language and Lifecycles of ML
applications to Applications like Natural Language Processing, Text Processing Image Processing to
multiple Domains. While covering each of or even a set of domains would be a lot, the classes are
restricted to covering 3 inner shells only. However, the material in the applications shell is organized
to cater to and scale to multiple domains.
1. Foundations of Machine Learning Algorithms (Core)
a. Using White-Board, MS-Excel.
b. This will be a very hands-on course and will give a real feeling of the algorithms, the
algorithms learned here can be further used on any language R, Python, Java, Matlab,
SAS, SPSS, in all this is a foundation course on Machine Learning which is practical and
interactive (less on theory) which scales to all platforms.
c. Applications of Machine Learning, to Retail, Automotive, Customer Relation
Management, basic Finance will be covered in all the examples during explaining the
algorithms itself, Core Model applications in this area would be covered end-to-end.
2. Implementing and Scaling Machine Learning
a. Any one language R or Python.
b. Builds up from the previous course i.e. Foundations of Machine Learning.
c. Scales each of the examples covered in the Foundations course with
i. Larger Datasets
ii. Better and integrated application of the core-models covered in the larger
scenario.
d. Covers end-to-end total development of an entire Machine Learning application in one of
the Bigger (Integrated) Models.
3. Machine Learning Applications
a. Applications of the Scalable Methods to real life examples
i. NLP
ii. Text and document processing
iii. Image and Video processing
4. Advanced Machine Learning, Deep Learning.
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Course Outline Foundations of Machine Learning Algorithms (3 days)
 This course cuts through the mathematical talk around machine learning algorithms and
shows you exactly how they work so that you can implement them yourself in a spreadsheet, in code
with your favourite programming language or however you like.
 Once you possess this intimate knowledge, it will always be with you. You can implement the
algorithms repeatedly.
 More importantly, you can translate the behaviour of an algorithm back to the underlying procedure
and really know what is going on and how to get the most from it.
1. Basics of Statistics and Statistical Inference
a. Descriptive Statistics, and properties of
variables, stochastic/deterministic
i. Frequency Distribution
ii. Measure of central Tendency, Dispersion
b. Hypothesis testing and Test of Difference
i. Hypothesis and its Types
ii. Concept and Decision Rules for
Hypothesis Testing
iii. One-Sample T-Test and Independent-
Samples T-Test
iv. Paired-Samples T-Test
2. Algorithms
a. Simple Linear Regression, examples
b. Logistic Function
c. Logistic Regression
d. Linear Discriminant Analysis
e. Gini
f. Classification and Regression Trees (CART)
g. Correlation Analysis
h. Co-variance
i. Non-parametric and Partial Correlation
j. Naïve Bayes
k. Gaussian PDF
l. Gaussian Naïve Bayes
m. Nearest Neighbours
n. Learning Vector Quantization
o. Support Vector Machine
p. Bagged Decision Trees
q. Adaboost
Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation hands-on 60 %.
At the end of this course students will be able to do all this on
 Paper &
 MS-Excel and
 Compose and make more complex models themselves.
 Be prepared for Machine Learning on any Language.
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Course Machine Learning Implementation with Python + Project (3 days)
Basic Workflow used in the Training
Define Problem: Investigate and characterize the problem to better understand the goals of the project.
Analyse Data: Use descriptive statistics and visualization to had better understand the data you have available.
Prepare Data: Use data transforms to better expose the structure of the prediction problem to modelling
algorithms.
Evaluate Algorithms: Design a test harness to evaluate several standard algorithms on the data and select the top
few to investigate further.
Improve Results: Use algorithm tuning and ensemble methods to get the most out of well-performing algorithms
on your data.
Present Results: Finalize the model, make predictions and present results.
1. Python Alignment for the course
a. Python and SciPy Crash Course.
b. Load Datasets from CSV.
c. Python Ecosystem for Machine Learning.
2. Analyse Data
a. Exploratory Data Analysis with Python
b. Review, Distributions, and Skew
c. Relationship in Data
d. Descriptive Statistics
e. Summary and Classes in Data
f. Attributes in Data
g. Dimensions
3. Observing Data
a. Understand Data with Visualization
b. Univariate Plots
c. Multivariate Plots
4. Prepare Data
a. Pre-Process Data.
b. Feature Selection
c. Feature Importance.
d. Principle Component Analysis.
e. Recursive Feature Elimination.
f. Selection.
5. Evaluate Algorithms
a. Resampling Methods
b. Algorithm Evaluation Metrics
c. Spot-Check Classification Algorithms
d. Spot-Check Regression Algorithms
e. Model Selection
f. Pipelines and Automation
3 examples
g. Improve Results
h. Ensemble Methods.
i. Bagging, Random Forest
j. Boosting, AdaBoost
o Voting
k. Algorithm Parameter Tuning.
o Grid Search
o Random Search
6. Present Results
a. Model Finalization.
Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation
hands-on 60 %. At the end of this course students will be
 Able to do all this on Python
 Envisage and Execute end-to-end projects in Python
 Work with Data and Data sets in Python
 Pre-process and Explore data
 Select, Code, Execute and Evaluate Models in Python, decide on accuracy, tune improve and
load and re-use the model with new data.
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Deep Learning Training with Python (5 days)
1. Foundations of Deep Learning Libraries
a. TensorFlow
i. Usage via Examples
ii. Deep Learning Models
b. Theano
i. Usage via Examples
ii. Extensions and Wrappers
iii. Theano Resources
c. Keras
i. Back Ends
ii. TensorFlow
iii. Theano
2. Multilayer Perceptrons (MLP)
a. Overview
b. Build with Keras
c. Evaluating the Performance with Keras
Models
i. Using an automatic verification
dataset.
ii. Using a manual verification dataset.
iii. Using k-fold cross validation.
d. Use Keras Models with Scikit-Learn
i. Learn How to
ii. Tune Keras model hyperparameters
using grid search in Scikit-learn.
iii. Easily evaluate Keras models using
cross validation in Scikit-learn.
iv. Wrap a Keras model for use with
the Scikit-learn machine learning
library.
e. End-to-End example in Multi-Class
Classification
f. End-to-End example in Regression
Problem
g. End-to-End example in Binary
Classification
3. Advanced MLPs with Keras
a. Serialization in different formats
b. Checkpointing
c. Model Behaviour During Training by
Plotting History
i. Access Model Training History
ii. Visualize Model Training History
iii. Reduce Obverting with Dropout
Regularization
iv. Scheduling the Learning Rates as
1. Time Based
2. Drop Based
4. Convolutional Neural Networks CNN
a. Overview
b. Why CNN
c. Building Blocks
i. Convolutional Layers
ii. Pooling Layers
iii. Fully Connected Layers
d. Image Processing Example
e. End-to-End Examples (based on time
available)
f. Character Recognition
g. Object Recognition in Pictures
h. Sentiment Analysis
i. Advanced Image Processing
5. Recurrent Neural Networks RNN
a. Sequences
b. Long Short Term Memory (LSTM)
Networks
c. Time Series Prediction with MLP
d. Time Series Prediction with LSTM RNNs
e. End-To-End Examples
f. Sequence Classifications (If time permits)
Pre-requisites: Team knows Python very well, with all the major libraries.
Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation
hands-on 60 %. At the end of this course students will be
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Text and Language Processing using Python (10 Days)
1. Introduction: The Basics
a. Introductions
b. What is NLP
c. NLP Applications
d. Course goals
2. Python revisited considering Text
Processing (
a. Python Libraries
b. Related fields
c. Linguistic essentials with Python
3. Basic Language Structure
a. Morphology
b. Stemming
c. Tokenization
d. Segmentation
4. Corpus
a. Corpus-based work
b. Corpora and lexical resources
c. Annotation
5. Word Sense Disambiguation (WSD)
a. Revisit Probability Theory in the
context of language
b. Graphical Models
c. Naïve Bayes
d. Naïve Bayes for WSD
6. Graphical Modeling basics
a. Introduction of Graphical Models
b. Part of speech tagging
7. Modeling using Graphical Models
a. Practical examples of Graphical
Models
b. Language models
c. Sparse data & smoothing
8. Operations on Words
a. Lexical acquisition
b. Collocations
c. Similarity
d. Selectional preferences
9. Classification
10. Information Extraction (1)
a. Detailed Example
11. Information Extraction (2)
a. Detailed Examples
12. Text Clustering
a. Detailed Examples
13. Text Summarization
a. Detailed Examples
14. Sentence Structure
a. Detailed Examples
15. Mini Projects
a. Complaint Log Analysis
b. Opinion Mining
c. Sentiment Analysis
d. E-mail analysis
Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation
hands-on 60 %. At the end of this course students will be
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Machine and Deep Learning for Image and Video Processing (5 days)
1. Learn to capture videos, manipulate
images, and track objects with Python
a. Python Ecosystem for
Image/Video/Machine Learning
i. Setting up OpenCV, The OpenCV
Python Interface, OpenCV Basics,
The Python Imaging Library PiL
b. Handling Files, Cameras, and GUIs
c. Filtering Images
d. Tracking Faces with Haar Cascades
e. Detecting Foreground/Background
Regions and Depth
2. Machine Learning Operations on Images
a. Clustering Images
K-Means Clustering, Hierarchical
Clustering, Spectral Clustering
b. Searching Images
Content-Based Image Retrieval,
Visual Words, Indexing Images,
Searching the Database for Images,
Ranking Results
c. Classifying Image Content
K-Nearest Neighbours, Bayes
Classifier, Support Vector Machines,
Optical Character Recognition
d. Image Segmentation
Graph Cuts, Segmentation Using
Clustering, Variationally Methods
3. Build real-world computer vision
applications
a. Detecting Edges and Applying Image
Filters
2D convolution, Blurring, Kernel,
Operations, Edge detection, Motion
blur, Sharpening, Patterns,
Embossing, Erosion, and dilation
b. Detecting and Tracking Different Body
Parts
Using Haar cascades to detect things,
Integral Images, Detecting and
tracking faces, detecting eyes, bare
eyes and sunglasses, ears, mouth,
moustache, nose, Extracting
Features from an Image, Detecting
the corners, Selecting Features to
Transform, SIFT, SURF, FAST, BRIEF,
ORB
c. Detecting Shapes and Segmenting an
Image
d. Contour analysis and shape
matching, approximating a
contour, Censoring a Shape,
Image segmentation-applied,
Watershed algorithm
e. Object Tracking
Frame differencing, Colo space based
tracking, building an interactive
object tracker, Feature based
tracking, Background subtraction
f. Object Recognition (OR)
Object detection versus object
recognition, Dense feature detector
Visual dictionary, Supervised and
unsupervised learning for OR,
Support Vector Machines for OR,
Data Separation on curves, Build a
Trainer for OR
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Hands on Projects Near Full Length Apps using ML and Deep Learning (4
days)
Project 1: Learning to Recognize Traffic Signs
i. Planning the app
ii. Supervised learning
The training procedure, the testing
procedure, A classifier base class
iii. The understanding the dataset, parsing
the dataset
iv. Feature extraction
v. Support Vector Machine
Using SVMs for Multi-class
classification, Training the SVM,
Testing the SVM
Project 2: Learning to Recognize Emotions on Faces
i. Planning the app
ii. Face detection
Haar-based cascade classifiers, Pre-
trained cascade classifiers, using a pre-
trained cascade classifier, The
FaceDetector class, detecting faces in
grayscale images, Pre-processing
detected faces
iii. Facial expression recognition
Assembling a training set, Running the
screen capture, The GUI constructor
The GUI layout, Processing the current
frame, adding a training sample to the
training set, Dumping the complete
training set to a file
iv. Feature extraction using Deep Learning
Pre-processing the dataset, Principal
component analysis
v. Multi-layer perceptrons
The perceptron, Deep architectures
vi. An MLP for facial expression recognition
Training the MLP, Testing the MLP
Running the script, Putting it all together
Concept, Creation, Design, and Delivery by: Narendra K. Ashar.
For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information
contained here, without the consent of author is discouraged and not legal.
Course Machine Learning Implementation with R + Project (5 days)
Basic Workflow used in the Training
Define Problem: Investigate and characterize the problem to better understand the goals of the project.
Analyse Data: Use descriptive statistics and visualization to had better understand the data you have available.
Prepare Data: Use data transforms to better expose the structure of the prediction problem to modelling
algorithms.
Evaluate Algorithms: Design a test harness to evaluate several standard algorithms on the data and select the
top few to investigate further.
Improve Results: Use algorithm tuning and ensemble methods to get the most out of well-performing
algorithms on your data.
Present Results: Finalize the model, make predictions and present results.
Detailed Course Contents
1. Introduction to the R platform
2. Installing and Starting R
a. R Interactive Environment
b. R Scripts
3. Quick R for developers
a. Assignment
b. Data -Structures
c. Flow Control
d. Functions
e. Packages
4. Data Wrangling & Dealing with Data sets in R.
5. Using Descriptive Statistics with R
a. Data exploration and walk-through
b. Dimensions of Data
c. Data -Types
d. Class Distribution
e. Summary Statistics
f. Standard Deviations
g. Skewness
h. Correlations
6. Data Visualization
a. Visualization Packages in R
b. Examples Univariate -Visualization
c. Examples Multivariate-Visualization
d. Data Visualization, guidelines, and tricks.
7. Pre-Processing Data for Machine Learning
a. Data Pre-Processing in R
b. Scaling and Centering Data
c. Standardize Data
d. Normalize Data
e. Box-Cox Transform
f. Yeo-Johnson Transform
g. Principal Component Analysis Transform
h. Independent Component Analysis Transform
8. Estimation of Model Accuracy
a. Data Split
b. Bootstrap
c. k-fold Cross Validation
d. Repeated k-fold Cross Validation
e. Leave One Out Cross Validation
f. Tips for Evaluating Algorithms
9. Metrics for Evaluating Machine Learning Models
a. Model Evaluation Metrics in R
b. Accuracy and Kappa
c. RMSE and R2
d. Area Under ROC Curve
e. Logarithmic Loss
Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation
hands-on 60 %. At the end of this course students will be
 Able to do all this on R
 Envisage and Execute end-to-end projects in R
 Work with Data and Data sets in R
 Pre-process and Explore data
 Select, Code, Execute and Evaluate Models in R, decide on accuracy, tune improve and load
and re-use the model with new data

More Related Content

What's hot

DagdelenSiriwardaneY..
DagdelenSiriwardaneY..DagdelenSiriwardaneY..
DagdelenSiriwardaneY..butest
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningRahul Jain
 
Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...Madhav Mishra
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningKmPooja4
 
10 R Packages to Win Kaggle Competitions
10 R Packages to Win Kaggle Competitions10 R Packages to Win Kaggle Competitions
10 R Packages to Win Kaggle CompetitionsDataRobot
 
Lecture 01: Machine Learning for Language Technology - Introduction
 Lecture 01: Machine Learning for Language Technology - Introduction Lecture 01: Machine Learning for Language Technology - Introduction
Lecture 01: Machine Learning for Language Technology - IntroductionMarina Santini
 
Learning to compare: relation network for few shot learning
Learning to compare: relation network for few shot learningLearning to compare: relation network for few shot learning
Learning to compare: relation network for few shot learningSimon John
 
Trading outlier detection machine learning approach
Trading outlier detection  machine learning approachTrading outlier detection  machine learning approach
Trading outlier detection machine learning approachEditorIJAERD
 
"An Introduction to Machine Learning and How to Teach Machines to See," a Pre...
"An Introduction to Machine Learning and How to Teach Machines to See," a Pre..."An Introduction to Machine Learning and How to Teach Machines to See," a Pre...
"An Introduction to Machine Learning and How to Teach Machines to See," a Pre...Edge AI and Vision Alliance
 
Brief introduction to Machine Learning
Brief introduction to Machine LearningBrief introduction to Machine Learning
Brief introduction to Machine LearningCodeForFrankfurt
 
Zero shot-learning: paper presentation
Zero shot-learning: paper presentationZero shot-learning: paper presentation
Zero shot-learning: paper presentationJérémie Kalfon
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learningbutest
 
An interactive visualization tool for
An interactive visualization tool forAn interactive visualization tool for
An interactive visualization tool forIJNSA Journal
 
Introduction to-machine-learning
Introduction to-machine-learningIntroduction to-machine-learning
Introduction to-machine-learningBabu Priyavrat
 
Machine Learning Interview Questions Answers
Machine Learning Interview Questions AnswersMachine Learning Interview Questions Answers
Machine Learning Interview Questions AnswersShareDocView.com
 
Imtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsImtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsimtiaz khan
 
Semi supervised learning machine learning made simple
Semi supervised learning  machine learning made simpleSemi supervised learning  machine learning made simple
Semi supervised learning machine learning made simpleDevansh16
 

What's hot (20)

DagdelenSiriwardaneY..
DagdelenSiriwardaneY..DagdelenSiriwardaneY..
DagdelenSiriwardaneY..
 
Statistical learning intro
Statistical learning introStatistical learning intro
Statistical learning intro
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 4 Semester 3 MSc IT Part 2 Mumbai Univer...
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
10 R Packages to Win Kaggle Competitions
10 R Packages to Win Kaggle Competitions10 R Packages to Win Kaggle Competitions
10 R Packages to Win Kaggle Competitions
 
Lecture 01: Machine Learning for Language Technology - Introduction
 Lecture 01: Machine Learning for Language Technology - Introduction Lecture 01: Machine Learning for Language Technology - Introduction
Lecture 01: Machine Learning for Language Technology - Introduction
 
Learning to compare: relation network for few shot learning
Learning to compare: relation network for few shot learningLearning to compare: relation network for few shot learning
Learning to compare: relation network for few shot learning
 
Julia text mining_inmobi
Julia text mining_inmobiJulia text mining_inmobi
Julia text mining_inmobi
 
Trading outlier detection machine learning approach
Trading outlier detection  machine learning approachTrading outlier detection  machine learning approach
Trading outlier detection machine learning approach
 
"An Introduction to Machine Learning and How to Teach Machines to See," a Pre...
"An Introduction to Machine Learning and How to Teach Machines to See," a Pre..."An Introduction to Machine Learning and How to Teach Machines to See," a Pre...
"An Introduction to Machine Learning and How to Teach Machines to See," a Pre...
 
Brief introduction to Machine Learning
Brief introduction to Machine LearningBrief introduction to Machine Learning
Brief introduction to Machine Learning
 
Zero shot-learning: paper presentation
Zero shot-learning: paper presentationZero shot-learning: paper presentation
Zero shot-learning: paper presentation
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learning
 
An interactive visualization tool for
An interactive visualization tool forAn interactive visualization tool for
An interactive visualization tool for
 
Introduction to-machine-learning
Introduction to-machine-learningIntroduction to-machine-learning
Introduction to-machine-learning
 
Machine Learning Interview Questions Answers
Machine Learning Interview Questions AnswersMachine Learning Interview Questions Answers
Machine Learning Interview Questions Answers
 
Machine learning
Machine learningMachine learning
Machine learning
 
Imtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsImtiaz khan data_science_analytics
Imtiaz khan data_science_analytics
 
Semi supervised learning machine learning made simple
Semi supervised learning  machine learning made simpleSemi supervised learning  machine learning made simple
Semi supervised learning machine learning made simple
 

Viewers also liked

Safety Stock and Material Management
Safety Stock and Material ManagementSafety Stock and Material Management
Safety Stock and Material ManagementMahendrakumar kirtane
 
Software Programs for Data Analysis
Software Programs for Data AnalysisSoftware Programs for Data Analysis
Software Programs for Data Analysisunmgrc
 
Myths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data ScientistsMyths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data ScientistsDavid Pittman
 
How to Become a Data Scientist
How to Become a Data ScientistHow to Become a Data Scientist
How to Become a Data Scientistryanorban
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural networkDEEPASHRI HK
 
Artificial Intelligence Presentation
Artificial Intelligence PresentationArtificial Intelligence Presentation
Artificial Intelligence Presentationlpaviglianiti
 
Tips for data science competitions
Tips for data science competitionsTips for data science competitions
Tips for data science competitionsOwen Zhang
 
Tutorial on Deep learning and Applications
Tutorial on Deep learning and ApplicationsTutorial on Deep learning and Applications
Tutorial on Deep learning and ApplicationsNhatHai Phan
 
Hadoop and Machine Learning
Hadoop and Machine LearningHadoop and Machine Learning
Hadoop and Machine Learningjoshwills
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDevashish Shanker
 
Data By The People, For The People
Data By The People, For The PeopleData By The People, For The People
Data By The People, For The PeopleDaniel Tunkelang
 
An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...Sebastian Raschka
 
How to Interview a Data Scientist
How to Interview a Data ScientistHow to Interview a Data Scientist
How to Interview a Data ScientistDaniel Tunkelang
 
A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)Prof. Dr. Diego Kuonen
 
A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013Philip Zheng
 
Hands-on Deep Learning in Python
Hands-on Deep Learning in PythonHands-on Deep Learning in Python
Hands-on Deep Learning in PythonImry Kissos
 
Introduction to Mahout and Machine Learning
Introduction to Mahout and Machine LearningIntroduction to Mahout and Machine Learning
Introduction to Mahout and Machine LearningVarad Meru
 
10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning SystemsXavier Amatriain
 

Viewers also liked (20)

R vs Python vs SAS
R vs Python vs SASR vs Python vs SAS
R vs Python vs SAS
 
Safety Stock and Material Management
Safety Stock and Material ManagementSafety Stock and Material Management
Safety Stock and Material Management
 
Software Programs for Data Analysis
Software Programs for Data AnalysisSoftware Programs for Data Analysis
Software Programs for Data Analysis
 
Road to Analytics
Road to AnalyticsRoad to Analytics
Road to Analytics
 
Myths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data ScientistsMyths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data Scientists
 
How to Become a Data Scientist
How to Become a Data ScientistHow to Become a Data Scientist
How to Become a Data Scientist
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Artificial Intelligence Presentation
Artificial Intelligence PresentationArtificial Intelligence Presentation
Artificial Intelligence Presentation
 
Tips for data science competitions
Tips for data science competitionsTips for data science competitions
Tips for data science competitions
 
Tutorial on Deep learning and Applications
Tutorial on Deep learning and ApplicationsTutorial on Deep learning and Applications
Tutorial on Deep learning and Applications
 
Hadoop and Machine Learning
Hadoop and Machine LearningHadoop and Machine Learning
Hadoop and Machine Learning
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing
 
Data By The People, For The People
Data By The People, For The PeopleData By The People, For The People
Data By The People, For The People
 
An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...
 
How to Interview a Data Scientist
How to Interview a Data ScientistHow to Interview a Data Scientist
How to Interview a Data Scientist
 
A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)
 
A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013
 
Hands-on Deep Learning in Python
Hands-on Deep Learning in PythonHands-on Deep Learning in Python
Hands-on Deep Learning in Python
 
Introduction to Mahout and Machine Learning
Introduction to Mahout and Machine LearningIntroduction to Mahout and Machine Learning
Introduction to Mahout and Machine Learning
 
10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems
 

Similar to Machine Learning and Deep Learning from Foundations to Applications Excel, R, Python by Narendra Ashar

Start machine learning in 5 simple steps
Start machine learning in 5 simple stepsStart machine learning in 5 simple steps
Start machine learning in 5 simple stepsRenjith M P
 
Final Report
Final ReportFinal Report
Final ReportAman Soni
 
ML crash course
ML crash courseML crash course
ML crash coursemikaelhuss
 
Machine learning ppt.
Machine learning ppt.Machine learning ppt.
Machine learning ppt.ASHOK KUMAR
 
SYNOPSIS on Parse representation and Linear SVM.
SYNOPSIS on Parse representation and Linear SVM.SYNOPSIS on Parse representation and Linear SVM.
SYNOPSIS on Parse representation and Linear SVM.bhavinecindus
 
The role of NLP & ML in Cognitive System by Sunantha Krishnan
The role of NLP & ML in Cognitive System by Sunantha KrishnanThe role of NLP & ML in Cognitive System by Sunantha Krishnan
The role of NLP & ML in Cognitive System by Sunantha Krishnansunanthakrishnan
 
THESLING-PETER-6019098-EFR-THESIS
THESLING-PETER-6019098-EFR-THESISTHESLING-PETER-6019098-EFR-THESIS
THESLING-PETER-6019098-EFR-THESISPeter Thesling
 
Automation of IT Ticket Automation using NLP and Deep Learning
Automation of IT Ticket Automation using NLP and Deep LearningAutomation of IT Ticket Automation using NLP and Deep Learning
Automation of IT Ticket Automation using NLP and Deep LearningPranov Mishra
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningHoa Le
 
IRJET- Machine Learning Techniques for Code Optimization
IRJET-  	  Machine Learning Techniques for Code OptimizationIRJET-  	  Machine Learning Techniques for Code Optimization
IRJET- Machine Learning Techniques for Code OptimizationIRJET Journal
 
employee turnover prediction document.docx
employee turnover prediction document.docxemployee turnover prediction document.docx
employee turnover prediction document.docxrohithprabhas1
 
Performance Comparision of Machine Learning Algorithms
Performance Comparision of Machine Learning AlgorithmsPerformance Comparision of Machine Learning Algorithms
Performance Comparision of Machine Learning AlgorithmsDinusha Dilanka
 
Human in the loop: Bayesian Rules Enabling Explainable AI
Human in the loop: Bayesian Rules Enabling Explainable AIHuman in the loop: Bayesian Rules Enabling Explainable AI
Human in the loop: Bayesian Rules Enabling Explainable AIPramit Choudhary
 
Machine_Learning_with_MATLAB_Seminar_Latest.pdf
Machine_Learning_with_MATLAB_Seminar_Latest.pdfMachine_Learning_with_MATLAB_Seminar_Latest.pdf
Machine_Learning_with_MATLAB_Seminar_Latest.pdfCarlos Paredes
 
Model evaluation in the land of deep learning
Model evaluation in the land of deep learningModel evaluation in the land of deep learning
Model evaluation in the land of deep learningPramit Choudhary
 

Similar to Machine Learning and Deep Learning from Foundations to Applications Excel, R, Python by Narendra Ashar (20)

Start machine learning in 5 simple steps
Start machine learning in 5 simple stepsStart machine learning in 5 simple steps
Start machine learning in 5 simple steps
 
Final Report
Final ReportFinal Report
Final Report
 
Be cse
Be cseBe cse
Be cse
 
ML crash course
ML crash courseML crash course
ML crash course
 
Text Analytics for Legal work
Text Analytics for Legal workText Analytics for Legal work
Text Analytics for Legal work
 
Machine learning ppt.
Machine learning ppt.Machine learning ppt.
Machine learning ppt.
 
SYNOPSIS on Parse representation and Linear SVM.
SYNOPSIS on Parse representation and Linear SVM.SYNOPSIS on Parse representation and Linear SVM.
SYNOPSIS on Parse representation and Linear SVM.
 
The role of NLP & ML in Cognitive System by Sunantha Krishnan
The role of NLP & ML in Cognitive System by Sunantha KrishnanThe role of NLP & ML in Cognitive System by Sunantha Krishnan
The role of NLP & ML in Cognitive System by Sunantha Krishnan
 
THESLING-PETER-6019098-EFR-THESIS
THESLING-PETER-6019098-EFR-THESISTHESLING-PETER-6019098-EFR-THESIS
THESLING-PETER-6019098-EFR-THESIS
 
Automation of IT Ticket Automation using NLP and Deep Learning
Automation of IT Ticket Automation using NLP and Deep LearningAutomation of IT Ticket Automation using NLP and Deep Learning
Automation of IT Ticket Automation using NLP and Deep Learning
 
ODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AIODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AI
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearning
 
Presentation1
Presentation1Presentation1
Presentation1
 
IRJET- Machine Learning Techniques for Code Optimization
IRJET-  	  Machine Learning Techniques for Code OptimizationIRJET-  	  Machine Learning Techniques for Code Optimization
IRJET- Machine Learning Techniques for Code Optimization
 
employee turnover prediction document.docx
employee turnover prediction document.docxemployee turnover prediction document.docx
employee turnover prediction document.docx
 
Performance Comparision of Machine Learning Algorithms
Performance Comparision of Machine Learning AlgorithmsPerformance Comparision of Machine Learning Algorithms
Performance Comparision of Machine Learning Algorithms
 
Human in the loop: Bayesian Rules Enabling Explainable AI
Human in the loop: Bayesian Rules Enabling Explainable AIHuman in the loop: Bayesian Rules Enabling Explainable AI
Human in the loop: Bayesian Rules Enabling Explainable AI
 
Machine_Learning_with_MATLAB_Seminar_Latest.pdf
Machine_Learning_with_MATLAB_Seminar_Latest.pdfMachine_Learning_with_MATLAB_Seminar_Latest.pdf
Machine_Learning_with_MATLAB_Seminar_Latest.pdf
 
presentation.ppt
presentation.pptpresentation.ppt
presentation.ppt
 
Model evaluation in the land of deep learning
Model evaluation in the land of deep learningModel evaluation in the land of deep learning
Model evaluation in the land of deep learning
 

Recently uploaded

Aspirational Block Program Block Syaldey District - Almora
Aspirational Block Program Block Syaldey District - AlmoraAspirational Block Program Block Syaldey District - Almora
Aspirational Block Program Block Syaldey District - AlmoraGovindSinghDasila
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...amitlee9823
 
Call Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night StandCall Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night Standamitlee9823
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Researchmichael115558
 
Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...gajnagarg
 
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...amitlee9823
 
Detecting Credit Card Fraud: A Machine Learning Approach
Detecting Credit Card Fraud: A Machine Learning ApproachDetecting Credit Card Fraud: A Machine Learning Approach
Detecting Credit Card Fraud: A Machine Learning ApproachBoston Institute of Analytics
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...amitlee9823
 
Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...
Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...
Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...gajnagarg
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...amitlee9823
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...amitlee9823
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...SUHANI PANDEY
 
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Pooja Nehwal
 
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...amitlee9823
 
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...gajnagarg
 
➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men 🔝Ongole🔝 Escorts S...
➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men  🔝Ongole🔝   Escorts S...➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men  🔝Ongole🔝   Escorts S...
➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men 🔝Ongole🔝 Escorts S...amitlee9823
 
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...Elaine Werffeli
 

Recently uploaded (20)

Aspirational Block Program Block Syaldey District - Almora
Aspirational Block Program Block Syaldey District - AlmoraAspirational Block Program Block Syaldey District - Almora
Aspirational Block Program Block Syaldey District - Almora
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
 
Call Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night StandCall Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Shivaji Nagar ☎ 7737669865 🥵 Book Your One night Stand
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...
Just Call Vip call girls Palakkad Escorts ☎️9352988975 Two shot with one girl...
 
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
 
Detecting Credit Card Fraud: A Machine Learning Approach
Detecting Credit Card Fraud: A Machine Learning ApproachDetecting Credit Card Fraud: A Machine Learning Approach
Detecting Credit Card Fraud: A Machine Learning Approach
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
 
Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...
Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...
Just Call Vip call girls Mysore Escorts ☎️9352988975 Two shot with one girl (...
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
 
Anomaly detection and data imputation within time series
Anomaly detection and data imputation within time seriesAnomaly detection and data imputation within time series
Anomaly detection and data imputation within time series
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
 
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...
 
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
Just Call Vip call girls roorkee Escorts ☎️9352988975 Two shot with one girl ...
 
➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men 🔝Ongole🔝 Escorts S...
➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men  🔝Ongole🔝   Escorts S...➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men  🔝Ongole🔝   Escorts S...
➥🔝 7737669865 🔝▻ Ongole Call-girls in Women Seeking Men 🔝Ongole🔝 Escorts S...
 
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 

Machine Learning and Deep Learning from Foundations to Applications Excel, R, Python by Narendra Ashar

  • 1. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Integrated Multi-Tiered Course in Machine Learning, Scaling, and Applications-ML Shells Contents1 Introduction to ML-Shells .......................................................................................................................2 Course Outline Foundations of Machine Learning Algorithms (3 days).................................................3 Course Machine Learning Implementation with Python + Project (3 days)...........................................4 Deep Learning Training with Python (5 days).........................................................................................5 Text and Language Processing using Python (10 Days) ..........................................................................6 Machine and Deep Learning for Image and Video Processing (5 days)..................................................7 Hands on Projects Near Full Length Apps using ML and Deep Learning (4 days)...................................8 Course Machine Learning Implementation with R + Project (5 days) ....................................................9 1 Top Outline only-not a detailed description, not a document for commercial terms and conditions.
  • 2. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Introduction to ML-Shells The Course is Organized as shells of growing knowledge from Core to Language and Lifecycles of ML applications to Applications like Natural Language Processing, Text Processing Image Processing to multiple Domains. While covering each of or even a set of domains would be a lot, the classes are restricted to covering 3 inner shells only. However, the material in the applications shell is organized to cater to and scale to multiple domains. 1. Foundations of Machine Learning Algorithms (Core) a. Using White-Board, MS-Excel. b. This will be a very hands-on course and will give a real feeling of the algorithms, the algorithms learned here can be further used on any language R, Python, Java, Matlab, SAS, SPSS, in all this is a foundation course on Machine Learning which is practical and interactive (less on theory) which scales to all platforms. c. Applications of Machine Learning, to Retail, Automotive, Customer Relation Management, basic Finance will be covered in all the examples during explaining the algorithms itself, Core Model applications in this area would be covered end-to-end. 2. Implementing and Scaling Machine Learning a. Any one language R or Python. b. Builds up from the previous course i.e. Foundations of Machine Learning. c. Scales each of the examples covered in the Foundations course with i. Larger Datasets ii. Better and integrated application of the core-models covered in the larger scenario. d. Covers end-to-end total development of an entire Machine Learning application in one of the Bigger (Integrated) Models. 3. Machine Learning Applications a. Applications of the Scalable Methods to real life examples i. NLP ii. Text and document processing iii. Image and Video processing 4. Advanced Machine Learning, Deep Learning.
  • 3. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Course Outline Foundations of Machine Learning Algorithms (3 days)  This course cuts through the mathematical talk around machine learning algorithms and shows you exactly how they work so that you can implement them yourself in a spreadsheet, in code with your favourite programming language or however you like.  Once you possess this intimate knowledge, it will always be with you. You can implement the algorithms repeatedly.  More importantly, you can translate the behaviour of an algorithm back to the underlying procedure and really know what is going on and how to get the most from it. 1. Basics of Statistics and Statistical Inference a. Descriptive Statistics, and properties of variables, stochastic/deterministic i. Frequency Distribution ii. Measure of central Tendency, Dispersion b. Hypothesis testing and Test of Difference i. Hypothesis and its Types ii. Concept and Decision Rules for Hypothesis Testing iii. One-Sample T-Test and Independent- Samples T-Test iv. Paired-Samples T-Test 2. Algorithms a. Simple Linear Regression, examples b. Logistic Function c. Logistic Regression d. Linear Discriminant Analysis e. Gini f. Classification and Regression Trees (CART) g. Correlation Analysis h. Co-variance i. Non-parametric and Partial Correlation j. Naïve Bayes k. Gaussian PDF l. Gaussian Naïve Bayes m. Nearest Neighbours n. Learning Vector Quantization o. Support Vector Machine p. Bagged Decision Trees q. Adaboost Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation hands-on 60 %. At the end of this course students will be able to do all this on  Paper &  MS-Excel and  Compose and make more complex models themselves.  Be prepared for Machine Learning on any Language.
  • 4. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Course Machine Learning Implementation with Python + Project (3 days) Basic Workflow used in the Training Define Problem: Investigate and characterize the problem to better understand the goals of the project. Analyse Data: Use descriptive statistics and visualization to had better understand the data you have available. Prepare Data: Use data transforms to better expose the structure of the prediction problem to modelling algorithms. Evaluate Algorithms: Design a test harness to evaluate several standard algorithms on the data and select the top few to investigate further. Improve Results: Use algorithm tuning and ensemble methods to get the most out of well-performing algorithms on your data. Present Results: Finalize the model, make predictions and present results. 1. Python Alignment for the course a. Python and SciPy Crash Course. b. Load Datasets from CSV. c. Python Ecosystem for Machine Learning. 2. Analyse Data a. Exploratory Data Analysis with Python b. Review, Distributions, and Skew c. Relationship in Data d. Descriptive Statistics e. Summary and Classes in Data f. Attributes in Data g. Dimensions 3. Observing Data a. Understand Data with Visualization b. Univariate Plots c. Multivariate Plots 4. Prepare Data a. Pre-Process Data. b. Feature Selection c. Feature Importance. d. Principle Component Analysis. e. Recursive Feature Elimination. f. Selection. 5. Evaluate Algorithms a. Resampling Methods b. Algorithm Evaluation Metrics c. Spot-Check Classification Algorithms d. Spot-Check Regression Algorithms e. Model Selection f. Pipelines and Automation 3 examples g. Improve Results h. Ensemble Methods. i. Bagging, Random Forest j. Boosting, AdaBoost o Voting k. Algorithm Parameter Tuning. o Grid Search o Random Search 6. Present Results a. Model Finalization. Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation hands-on 60 %. At the end of this course students will be  Able to do all this on Python  Envisage and Execute end-to-end projects in Python  Work with Data and Data sets in Python  Pre-process and Explore data  Select, Code, Execute and Evaluate Models in Python, decide on accuracy, tune improve and load and re-use the model with new data.
  • 5. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Deep Learning Training with Python (5 days) 1. Foundations of Deep Learning Libraries a. TensorFlow i. Usage via Examples ii. Deep Learning Models b. Theano i. Usage via Examples ii. Extensions and Wrappers iii. Theano Resources c. Keras i. Back Ends ii. TensorFlow iii. Theano 2. Multilayer Perceptrons (MLP) a. Overview b. Build with Keras c. Evaluating the Performance with Keras Models i. Using an automatic verification dataset. ii. Using a manual verification dataset. iii. Using k-fold cross validation. d. Use Keras Models with Scikit-Learn i. Learn How to ii. Tune Keras model hyperparameters using grid search in Scikit-learn. iii. Easily evaluate Keras models using cross validation in Scikit-learn. iv. Wrap a Keras model for use with the Scikit-learn machine learning library. e. End-to-End example in Multi-Class Classification f. End-to-End example in Regression Problem g. End-to-End example in Binary Classification 3. Advanced MLPs with Keras a. Serialization in different formats b. Checkpointing c. Model Behaviour During Training by Plotting History i. Access Model Training History ii. Visualize Model Training History iii. Reduce Obverting with Dropout Regularization iv. Scheduling the Learning Rates as 1. Time Based 2. Drop Based 4. Convolutional Neural Networks CNN a. Overview b. Why CNN c. Building Blocks i. Convolutional Layers ii. Pooling Layers iii. Fully Connected Layers d. Image Processing Example e. End-to-End Examples (based on time available) f. Character Recognition g. Object Recognition in Pictures h. Sentiment Analysis i. Advanced Image Processing 5. Recurrent Neural Networks RNN a. Sequences b. Long Short Term Memory (LSTM) Networks c. Time Series Prediction with MLP d. Time Series Prediction with LSTM RNNs e. End-To-End Examples f. Sequence Classifications (If time permits) Pre-requisites: Team knows Python very well, with all the major libraries. Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation hands-on 60 %. At the end of this course students will be
  • 6. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Text and Language Processing using Python (10 Days) 1. Introduction: The Basics a. Introductions b. What is NLP c. NLP Applications d. Course goals 2. Python revisited considering Text Processing ( a. Python Libraries b. Related fields c. Linguistic essentials with Python 3. Basic Language Structure a. Morphology b. Stemming c. Tokenization d. Segmentation 4. Corpus a. Corpus-based work b. Corpora and lexical resources c. Annotation 5. Word Sense Disambiguation (WSD) a. Revisit Probability Theory in the context of language b. Graphical Models c. Naïve Bayes d. Naïve Bayes for WSD 6. Graphical Modeling basics a. Introduction of Graphical Models b. Part of speech tagging 7. Modeling using Graphical Models a. Practical examples of Graphical Models b. Language models c. Sparse data & smoothing 8. Operations on Words a. Lexical acquisition b. Collocations c. Similarity d. Selectional preferences 9. Classification 10. Information Extraction (1) a. Detailed Example 11. Information Extraction (2) a. Detailed Examples 12. Text Clustering a. Detailed Examples 13. Text Summarization a. Detailed Examples 14. Sentence Structure a. Detailed Examples 15. Mini Projects a. Complaint Log Analysis b. Opinion Mining c. Sentiment Analysis d. E-mail analysis Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation hands-on 60 %. At the end of this course students will be
  • 7. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Machine and Deep Learning for Image and Video Processing (5 days) 1. Learn to capture videos, manipulate images, and track objects with Python a. Python Ecosystem for Image/Video/Machine Learning i. Setting up OpenCV, The OpenCV Python Interface, OpenCV Basics, The Python Imaging Library PiL b. Handling Files, Cameras, and GUIs c. Filtering Images d. Tracking Faces with Haar Cascades e. Detecting Foreground/Background Regions and Depth 2. Machine Learning Operations on Images a. Clustering Images K-Means Clustering, Hierarchical Clustering, Spectral Clustering b. Searching Images Content-Based Image Retrieval, Visual Words, Indexing Images, Searching the Database for Images, Ranking Results c. Classifying Image Content K-Nearest Neighbours, Bayes Classifier, Support Vector Machines, Optical Character Recognition d. Image Segmentation Graph Cuts, Segmentation Using Clustering, Variationally Methods 3. Build real-world computer vision applications a. Detecting Edges and Applying Image Filters 2D convolution, Blurring, Kernel, Operations, Edge detection, Motion blur, Sharpening, Patterns, Embossing, Erosion, and dilation b. Detecting and Tracking Different Body Parts Using Haar cascades to detect things, Integral Images, Detecting and tracking faces, detecting eyes, bare eyes and sunglasses, ears, mouth, moustache, nose, Extracting Features from an Image, Detecting the corners, Selecting Features to Transform, SIFT, SURF, FAST, BRIEF, ORB c. Detecting Shapes and Segmenting an Image d. Contour analysis and shape matching, approximating a contour, Censoring a Shape, Image segmentation-applied, Watershed algorithm e. Object Tracking Frame differencing, Colo space based tracking, building an interactive object tracker, Feature based tracking, Background subtraction f. Object Recognition (OR) Object detection versus object recognition, Dense feature detector Visual dictionary, Supervised and unsupervised learning for OR, Support Vector Machines for OR, Data Separation on curves, Build a Trainer for OR
  • 8. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Hands on Projects Near Full Length Apps using ML and Deep Learning (4 days) Project 1: Learning to Recognize Traffic Signs i. Planning the app ii. Supervised learning The training procedure, the testing procedure, A classifier base class iii. The understanding the dataset, parsing the dataset iv. Feature extraction v. Support Vector Machine Using SVMs for Multi-class classification, Training the SVM, Testing the SVM Project 2: Learning to Recognize Emotions on Faces i. Planning the app ii. Face detection Haar-based cascade classifiers, Pre- trained cascade classifiers, using a pre- trained cascade classifier, The FaceDetector class, detecting faces in grayscale images, Pre-processing detected faces iii. Facial expression recognition Assembling a training set, Running the screen capture, The GUI constructor The GUI layout, Processing the current frame, adding a training sample to the training set, Dumping the complete training set to a file iv. Feature extraction using Deep Learning Pre-processing the dataset, Principal component analysis v. Multi-layer perceptrons The perceptron, Deep architectures vi. An MLP for facial expression recognition Training the MLP, Testing the MLP Running the script, Putting it all together
  • 9. Concept, Creation, Design, and Delivery by: Narendra K. Ashar. For information to the recipients only, any copy or reproduction, or any use other than for the consumption of information contained here, without the consent of author is discouraged and not legal. Course Machine Learning Implementation with R + Project (5 days) Basic Workflow used in the Training Define Problem: Investigate and characterize the problem to better understand the goals of the project. Analyse Data: Use descriptive statistics and visualization to had better understand the data you have available. Prepare Data: Use data transforms to better expose the structure of the prediction problem to modelling algorithms. Evaluate Algorithms: Design a test harness to evaluate several standard algorithms on the data and select the top few to investigate further. Improve Results: Use algorithm tuning and ensemble methods to get the most out of well-performing algorithms on your data. Present Results: Finalize the model, make predictions and present results. Detailed Course Contents 1. Introduction to the R platform 2. Installing and Starting R a. R Interactive Environment b. R Scripts 3. Quick R for developers a. Assignment b. Data -Structures c. Flow Control d. Functions e. Packages 4. Data Wrangling & Dealing with Data sets in R. 5. Using Descriptive Statistics with R a. Data exploration and walk-through b. Dimensions of Data c. Data -Types d. Class Distribution e. Summary Statistics f. Standard Deviations g. Skewness h. Correlations 6. Data Visualization a. Visualization Packages in R b. Examples Univariate -Visualization c. Examples Multivariate-Visualization d. Data Visualization, guidelines, and tricks. 7. Pre-Processing Data for Machine Learning a. Data Pre-Processing in R b. Scaling and Centering Data c. Standardize Data d. Normalize Data e. Box-Cox Transform f. Yeo-Johnson Transform g. Principal Component Analysis Transform h. Independent Component Analysis Transform 8. Estimation of Model Accuracy a. Data Split b. Bootstrap c. k-fold Cross Validation d. Repeated k-fold Cross Validation e. Leave One Out Cross Validation f. Tips for Evaluating Algorithms 9. Metrics for Evaluating Machine Learning Models a. Model Evaluation Metrics in R b. Accuracy and Kappa c. RMSE and R2 d. Area Under ROC Curve e. Logarithmic Loss Delivery: Theory 10 %, Learning by Practice/Examples 30 %, Discussion and active participation hands-on 60 %. At the end of this course students will be  Able to do all this on R  Envisage and Execute end-to-end projects in R  Work with Data and Data sets in R  Pre-process and Explore data  Select, Code, Execute and Evaluate Models in R, decide on accuracy, tune improve and load and re-use the model with new data