You are on page 1of 18

PUNE | BANGALORE | NEW DELHI

MUMBAI | HUBLI

Leading IT Training Services in India


Data Science | Machine Learning | Deep Learning
Business Analytics | Tableau | Python | R | SAS

www.pace2.in

PROGRAM CURRICULUM

Machine Learning
with Python
I n d u s t r y R e a d y C o u r s e C o n t e nt | I n s t r u c t or L e d Tr a i ni ng |
R e a l Wo r l d U s e C a s e s | 5 0 + As s i g n m e n t s |
I n t e r n s hi ps | J o b P l a c e m e nt O p p o r t u ni t i e s

PACE 2.0 – LEADERS IN IT TRAINING SERVICES


O u r t r a i ne e s a r e w or k i n g i n 1 5 0 + c o m p a ni e s
We h a v e p l a c e d 4 0 0 0 + c a n d i da t e s
PUNE | BANGALORE | NEW DELHI
MUMBAI | HUBLI

Leading IT Training Services in India


Data Science | Machine Learning | Deep Learning
Business Analytics | Tableau | Python | R | SAS

www.pace2.in

ABOUT OUR COMPANY


PACE 2.0, a division of PCA, an ISO 9001:2015 certified
company, and its into the business from last 10+ years. It’s
a technology service company focused on digital transformation,
creating innovations in disruptive technologies and making
aspirants able in these technologies is our mission.
--------------------------------------------------------------------------------------------
PACE 2.0 powered by packaged analytical models built with
machine learning and advanced analytics techniques that
transform data to actionable insights, recommendations and
actions. We leverage our rich industry experience to transform
our training aspirants to achieve excellence.
--------------------------------------------------------------------------------------------
In a nut shell, PACE 2.0 is the place where technical
enthusiasts meet to learn, explore and build their knowledge. So
please come, learn, code and gain experience.
MACHINE
LEARNING

Machine Learning with Python


PACE 2.0 introduces integrated blended learning to students
making them experts in machine learning. It includes hands-on
training on Statistics, Linear Algebra, Machine Learning, Neural
Networks, Python, and Tableau. The program curriculum has
been determined by extensive research based on 5000+ job
descriptions across the globe.

Majors
1. Introduction to Big Data
2. Python for Machine Learning with Python
3. Statistics for Machine Learning with Python
4. Linear Algebra for Machine Learning with Python
5. Supervised Machine Learning-Regression Analysis
6. Supervised Machine Learning-Classification
7. Machine Learning Model Performance Assessment
8. Machine Learning Ensemble Learning Modeling
9. Unsupervised Machine Learning–Clustering & Association
10. Data Visualization Tools & Techniques
11. Machine Learning - Natural Language Processing
12. Machine Learning - Time Series Data Analysis & Forecasting
13. Artificial Neural Networks
14. Case Studies- 25+ Real World Project Implementations
MACHINE
LEARNING

Machine Learning with Python


INTRODUCTION TO BIG DATA
• Introduction to Big Data, State o f the pra ctice in
analytics
• Current Analytical Architecture , Drivers o f Big
Data, Emerging Big Data Ecosystem,
• Big Data Analytics Project Life Cycle: Overview,
P hase 1 - Discovery, P hase 2 - Data preparation,
P hase 3 -Mo del P lanning, P ha se 4 - Model Building,
P hase 5- Co mmunicate Results, P hase 6-
Operationalize .
• Introduction to Machine Learning

CORE PYTHON PROGRAMMING LANGUAGE -I


• Module 1: Introduction to Python, What is Python
and history o f P ython?, Unique features o f P ython,
P ython -2 and P ython -3 differences, Install P ython
and E nvironment Setup, First P ytho n P rogram,
P ython Identifiers, Keywo rds and Indentation,
Co mments and document interlude in P ython,
Co mmand line arguments, Getting User Input ,
P ython Data Types, W hat are variables, P ython
Core objects and Functions, Number and Maths.

• Module 2: List , Ranges & Tuples in P ython,


Intro ductio n, Lists in P ython, Understanding
Iterato rs, Generato rs, Co mprehensions and Lambda
E xpressions, Intro ductio n, and Yield, N ext and
Ranges, Ordered Sets with tuples.
MACHINE
LEARNING

Machine Learning with Python


CORE PYTHON PROGRAMMING LANGUAGE -I

• Module..3: Python Dictionaries and Sets,


Dictio naries, Mo re o n Dictio naries, Sets , P ython
Sets Example .

• Module 4: Input and Output in Python, Reading and


writing Chall enge, Writing Binary Files Manually,
Text Files, Appending to Files and Using P ickle to
Write Binary Files.

• Module 5: Python built in function, P yth on user


defined functio ns, P ytho n packages functio ns,
Defining and calling Function, The anonymous
Functions Loo ps and statement in P ython, P ytho n
Modules & Packages.

• Module 6: Python Regular Expressions : W hat are


regular expressions?, The match Function, The
search Functio n, Matching vs searching, Search and
Replace, Extended Regular Expressions, Wildcard .

• Module 7: Python For Data Analysis Numpy :


Intro ductio n to N umpy, Creating arrays, Using
arrays and Scalars, Indexing Arrays, Array
Transpositio n, Universal Array Function, Array
Processing, Array Input and Output .
MACHINE
LEARNING

Machine Learning with Python


CORE PYTHON PROGRAMMING LANGUAGE -II

• Module 8: Python For Data Analysis Pandas : W hat


is pandas?, W here it is used?, Series in pandas,
Index objects Reindex, Drop Entry, Selecting
Entries, Data Alignment , Rank and So rt , Summary
Statics, Missing Data, index Hierarchy, Matplotlib :
Python For Data Visualization .

• Module 9: Using Databases in Python, P ytho n


MySQL Database Access, Install the MySQLDB an d
other Packages, Create Database Co nnectio n,
CR EATE , IN SERT, R EAD, UP DATE and DE LE TE
Operation, DML and DDL Operatio n with
Databases, Handling Da tabase E rro rs, Web
Scraping in Python.
MACHINE
LEARNING

Machine Learning with Python


STATISTICS FOR MACHINE LEARNING

• Data types and its measures


• Random Variables and its applications
• Introduction to Probability with examples
• Sampling Techniques – Why and How
• Measures of Central Tendency- Mean,Median , Mode
• Measures of Dispersion- Variance, Standard
Deviation, Range
• Measures of Skewness & Kurtosis
• Normality tests for dataset
• Basic Graph Representations-
• Bar Chart , Histogram, Box Plot , Scatterplot
• Probability Distributions
• Continuo us Probability Distribution
• Normal Distributio n
• Standard Normal Distribution(Z )
• F-Distribution
• Chi-Square Distributio n
• Discrete Probability Distributio n
• Binomial Distribution
• Poisson Distribution
• Building Normal Q-Q Plot and its Interpretation
• Central Limit Theorem for sampling variations
• Confidence Interval – Computatio n and analysis
• Data Cleansing (Dealing with Missing Data, Outlier
Detection)
MACHINE
LEARNING

Machine Learning with Python


STATISTICS FOR MACHINE LEARNING

• Feature Engineering (Label Encoding, One -Hot


Encoding)

• Data Transformation including merging, ordering,


aggregation

• Sampling Techniques (Balanced, Stratified, ...)

• Data Partitioning
(Create Training + Validatio n + Test Data Set )

• Transformations
(Normalization, Standardizatio n, Scaling, Pivoting )

• Binning (Count-Based, Handling Of Missing Values


as its own Group )

• Data Replacement (Cutting, Splitting, Merging, ...)

• Weighting And Selection (Attribute Weighting,


Automatic Optimization)

• Imputation (Replacement of Missing Observations


with Statistical Algorithms
MACHINE
LEARNING

Machine Learning with Python


LINEAR ALGEBRA FOR MACHINE LEARNING

• Motivation – Why to learn Linear Algebra?

• Representation of problems in Linear Algebra


• Visualizing the problem: Line
• System of linear equations
• Planes

• Matrix
• Terms related to Matrix
• Basic operations on Matrix
• Representing in Matrix form

• Solving the problem


• Row Echelon form
• Inverse of a Matrix

• Eigenvalues and Eigenvectors


• Finding Eigenvectors
• Use of Eigenvectors in Machine Learning: PCA algorithm

• Singular Value Decomposition of a Matrix


MACHINE
LEARNING

Machine Learning with Python


SUPERVISED MACHINE LEARNING – PART - I
[REGRESSION ANALYSIS]

• Correlation Analysis, Correlation Coefficient


• Introduction of Regression, Principles of regression

• Simple Linear Regression Analysis


• Splitting of Dataset into Train, Validation and Test data
• Understanding Overfitting (Variance) vs Underfitting (Bias)

• Generalization Error and Regularization Techniques


• Multiple Linear Regression Model
• Model Adequacy Checking
• Transformation and Weighting to Correct Model Inadequacies
• Diagnostic for Leverage and Influence
• Generalized and Weighted Least Squares Estimation
• Indicator Variables
• Multicollinearity, Heteroskedasticity, Autocorrelation

• Polynomial Regression Models


• Poisson Regression Models
• Variable Selection and Model Building

• Case Studies I, II & III


MACHINE
LEARNING

Machine Learning with Python


SUPERVISED MACHINE LEARNING – PART – II
[CLASSIFICATION ANALYSIS]

• Two-Class Classification
• Logistic Regression
• Neural Network
• Decision Tree
• Random Forest
• Naïve-Bayes
• Support Vector Machine(SVM)

• Multiclass Classification(MC)
• MC-Logistic Regression
• MC-Neural Network
• MC-Decision Forest
• K-Nearest Neighbor(KNN)

• Anomaly Detection

• Case Studies I, II, III, IV & V


MACHINE
LEARNING

Machine Learning with Python


UNSUPERVISED MACHINE LEARNING –
[CLUSTERING ANALYSIS & ASSOCIATION RULES]

• Partitioning Clustering

• Hierarchical Clustering

• Clustering Validation and Evaluation with K-Means Clustering


• Assessing clustering tendency
• Determining the optimal number of clusters
• Clustering validation statistics

• DBSCAN: Density-based Clustering

• Dimensionality Reduction with Principal Component


Analysis(PCA)

• Association Rule Learning and Recommendation


• Apriori Algorithm
• Frequent Pattern Growth

• Case Studies I, II & III


MACHINE
LEARNING

Machine Learning with Python


MODEL PERFORMANCE ASSESSMENT
IN MACHINE LEARNING

• Model Performance Assessment


• Confusion Matrix
• Precision
• Recall
• F1-Measure
• Accuracy
• Error Measures
• Mean Squared Error(MSE)
• Root Mean Squared Error(RMSE)
• Hyper Parameter Optimization/Tuning
• Grid Search
• Randomized Search
• Cross-Fold Validation Techniques
• Leave One Out
• K-fold
• Stratified K-fold
• Stratified Shuffle Split
• Ensemble Methods in Machine Learning
• Bagging and Random Forests
• Gradient Boosting
• Optimized Distributed Gradient Boosting (XGBoost)
• Adaptive Boost (AdaBoost)
• Voting Classifier
• Case Studies I, II, & III
MACHINE
LEARNING

Machine Learning with Python


DATA VISUALIZATION TOOLS & TECHNIQUES

• Data Visualization with Matplotlib, Seaborn, Tableau


• Relational Plots
• Relplot | Scatterplot | Lineplot
• Categorical Plots
• Catplot | Stripplot | Swarmplot
• Boxplot | Violinplot | Barplot
• Countplot
• Distribution Plots
• Jointplot | Pairplot| Distplot
• Regression Plots
• Lmplot | Regplot | Residplot
• Matrix Plots
• Heatmap | Clustermap

• Tableau Products and Usage


• Basic Charts on Tableau
• Connecting with Multiple Sheets and Data Sources
• Tableau Filters and Visualization Interactivity
• Interaction and Grouping Data
• Time Series Chart
• Maps and Images in Tableau
• Advanced Charts in Tableau and Analytical Techniques
• Calculations on Tableau
• Tableau Integration with Other Tools
MACHINE
LEARNING

Machine Learning with Python


NATURAL LANGUAGE PROGRAMMING
WITH MACHINE LEARNING

• Natural Language Processing - What is it used for?


• NLTK Exploration
• Word Tokenization, Different Types of Tokenizers
• Bigrams, Trigrams & N-grams
• Stemming & Lemmatization
• Stopwords Removal
• Part of Speech (POS) Tagging
• Named Entity Recognition
• Bag of Words
• TF- IDF Vectorizer
• Co-occurrence matrix
• Text Similarity/Clustering

• Latent Semantic Analysis(LSA)

• Topic Modeling
• Latent Dirichlet Allocation (LDA)

• Text Classification - Sentiment Analysis


• Recommender Systems - Collaborative Filtering

• Case Studies I & II


MACHINE
LEARNING

Machine Learning with Python


TIME SERIES DATA ANALYSIS AND FORECASTING

• Introduction to Time Series Data


• Correlation And Autocorrelation
• Components of Time Series

• Visualization Principles - Scatter Plot , Time Plot and Lag Plot


• Auto-Correlation Function (ACF)/ Correlogram
• Naive Forecast Methods

• Errors in Forecast and Its Metrics


• Model Based Approaches
• Linear Model, Exponential Model, Quadratic Model

• Auto Regression (AR), Moving Average (MA)


• Autoregressive Moving Average (ARMA)
• Autoregressive Integrated Moving Average (ARIMA)
• Additive Seasonality
• Multiplicative Seasonality
• Random Walk

• Smoothing Techniques
• Moving Average, Exponential Smoothing
• De-Seasoning and De-Trending

• Case Studies I & II


MACHINE
LEARNING

Machine Learning with Python


ARTIFICIAL NEURAL NETOWRKS

• Module 1: Introduction to Artificial Neural Networks


• Artificial Neural Network (Multi-Layer Perception), Feed
forward Neural networks,
• Gradient Descent and the back propagation algorithms,
• Machine Learning vs Deep Learning

• Module 2: Introduction to Keras/TensorFlow


• Making a Neural Network, training and testing. Saving the
best weights and model

• Module 3: Introduction to Convolutional Neural Networks


• Convolutional Neural Network (CNN),
Convolution/Pooling layers, Activation maps, CNN as a
feature extractor,
• Some Standard CNN architectures like AlexNet, VGGNet,
GoogLeNet, ResNet and more recent networks

• Module 4: Building a Convolutional Neural Networks Model


• CNN for image classification.
• Using Google Colab for building and training Deep
Learning Models,
• Applications in Imaging & Data Analytics

• Case Studies I & II


MACHINE
LEARNING

Machine Learning with Python


HANDS-ON LIBRARIES FOR MACHINE LEARNING

You might also like