Machine Learning Engineer Course Curriculum PDF
Machine Learning Engineer Course Curriculum PDF
Edureka is a leading e-learning platform providing live instructor-led interactive online training. We cater to
professionals and students across the globe in categories like Big Data & Hadoop, Business Analytics, NoSQL
Databases, Java & Mobile Technologies, System Engineering, Project Management and Programming.
We have an easy and affordable learning solution that is accessible to millions of learners. With our students
spread across countries like the US, India, UK, Canada, Singapore, Australia, Middle East, Brazil and many others,
we have built a community of over 1 million learners across the globe.
The program provides access to 200+ hours of interactive online learning, 12 industry-based use cases, skills
specific assessments and other resources. There are no prerequisites for enrollment to the Masters Program. It is
designed and developed to accommodate diverse professional backgrounds. Our Masters Program recommends
the ideal path for becoming a Machine Learning Engineer, however, it is learner’s preference to complete the
courses in any order they intend to.
Page | 1
Index
1 Python Programming 3
3 Graphical Models 17
4 Reinforcement Learning 20
Page | 2
Python Programming
Curriculum
Module I: Introduction to Python
Learning Objectives:
At the end of this Module, you should be able to define Python, understand the need of Programming, know
why to choose Python over other languages, setup Python environment, understand Various Python concepts –
Variables, Data Types Operators, Conditional Statements and Loops, Illustrate String formatting and understand
Command Line Parameters and Flow control
Topics:
• Overview of Python
• The Companies using Python
• Other applications in which Python is used
• Discuss Python Scripts on UNIX/Windows
• Variables
• Operands and Expressions
• Conditional Statements
• Loops
• Command Line Arguments
• Writing to the screen
Hands On/Demo:
Page | 3
• Creating “Hello World” code
• Variables
• Demonstrating Conditional Statements
• Demonstrating Loops
At the end of this Module, you should be able to understand Operations performed on Files, learn what
sequences are, execute Sequence Operations, understand types of Sequences in Python: Lists, Tuples, Strings,
Sets, and Dictionaries.
Topics:
Hands On/Demo:
At the end of this Module, you should be able to define and call Functions, understand why the return statement
is used, and understand and execute Object Oriented Concepts
Topics:
• Functions
• Function Parameters
• Global variables
Page | 4
• Variable scope and Returning Values
• Lambda Functions
• Object Oriented Concepts
Hands On/Demo:
At the end of this Module, you should be able to use Standard Libraries, use modules, understand Exception
Handling, and Create User Defined Exceptions
Topics:
• Standard Libraries
• Modules Used in Python (OS, Sys, Date and Time etc.)
• The Import statement
• Module search path
• Package installation ways
• Errors and Exception Handling
• Handling multiple exceptions
Hands On/Demo:
At the end of this Module, you should be able to create arrays using NumPy, use NumPy to perform
mathematical operations on arrays, read and write data from text/csv files into arrays and vice-versa, understand
Pandas and employ it for data manipulation, understand and use the data structures available in Pandas, and
read and write data between files and programs
Topics:
• NumPy – arrays
• Operations on arrays
Page | 5
• Indexing slicing and iterating
• Reading and writing arrays on files
• Pandas - data structures & index operations
• Reading and Writing data from Excel/CSV formats into Pandas
Hands On/Demo:
• NumPy library- Installation, Creating NumPy array, operations performed on NumPy array
• Pandas library- Installation, creating series and dataframes, Importing and exporting data
At the end of this Module, you should be able to create simple plots like scatter plot, histogram, bar graph, pie
chart using Matplotlib, add different styles to the plot, and use the different forms of plots available in Matplotlib
Topics:
• matplotlib library
• Grids, axes, plots
• Markers, colours, fonts and styling
• Types of plots - bar graphs, pie charts, histograms
• Contour plots
Hands On/Demo:
• Matplotlib - Installation, Using Scatterplot, histogram, bar graph, pie chart to show information, Styling
of Plot
At the end of this module, you will learn how to perform function manipulations on Data objects, perform
Concatenation, Merging and Joining on DataFrames, iterate through DataFrames and explore Datasets and
extract insights from it.
Topics:
Page | 6
Hands On/Demo:
• Pandas Function- Ndim(), axes(), values(), head(), tail(), sum(), std(), iteritems(), iterrows(),
itertuples(), GroupBy operations, Aggregation, Concatenation, Merging and joining
After completing this module, you should be able to learn ipywidgets package, understand different
widgets like Numeric Widgets, Boolean Widgets, Selection Widgets, String Widgets, Date
Picker, Color Picker and Container Widgets, and create an application using ipywidgets package
Topics:
• Ipywidgets package
• Numeric Widgets
• Boolean Widgets
• Selection Widgets
• String Widgets
• Date Picker
• Color Picker
• Container Widgets
Hands-on/Demo
• Create GUI
After completing this module, you should be able to understand the concept of Database, access MySQL DB,
create socket for sending short messages, and learn Multithreading concepts
Topics:
• MySQL DB access
• Network programming
• Multithreading
Page | 7
Hands-on/Demo
• Database Creation
• CRUD Operations
• Network Creation
• Multithreading
At the end of this Module, you should be able to design a Web Map using Folium and Pandas for displaying
Volcanoes in USA and Population in different countries in a Single map and represent information from Dataset
with the help of Plots
Topics:
Module 10: Computer vision using OpenCV and Visualisation using Bokeh
Learning Objectives:
At the end of this Module, you should be able to perform Web Scraping using Python, visualise Data the
browser using Bokeh, and use OpenCV to create a motion detection software
Topics:
• Beautiful Soup Library
• Requests Library
• Scrap all hyperlinks from a webpage, using Beautiful Soup & Requests
• Plotting charts using Bokeh
• Plotting scatterplots using Bokeh
• Image Editing using OpenCV
• Face detection using OpenCV
• Motion Detection and Capturing Video
Page | 8
Machine Learning with Python
Curriculum
At the end of this Module, you should be able to define Data Science, discuss the era of Data Science, describe
the Role of a Data Scientist, illustrate the Life cycle of Data Science, list the Tools used in Data Science, and states
what role Big Data and Hadoop, Python, R and Machine Learning play in Data Science.
Topics:
Page | 9
Module 2: Data Extraction, Wrangling, Visualization
Learning Objectives:
At the end of this Module, you should be able to discuss Data Acquisition technique, list the different types of
Data, evaluate Input Data, explain the Data Wrangling techniques, and discuss Data Exploration.
Topics:
Hands-On/Demo:
• Loading different types of dataset in Python
• Arranging the data
• Plotting the graphs
At the end of this module, you should be able to essential Python Revision, necessary Machine Learning
Python libraries, define Machine Learning, discuss Machine Learning Use cases, list the categories of
Machine Learning, illustrate Supervised Learning Algorithms, identify and recognize machine learning
algorithms around us and understand the various elements of machine learning algorithm like
parameters, hyper parameters, loss function and optimization.
Topics:
Page | 10
Skills:
Hands On:
• Linear Regression – Boston Dataset
At the end of this module, you should be able to understand What is Supervised Learning, illustrate Logistic
Regression, define Classification, and explain different Types of Classifiers such as - Decision Tree and Random
Forest.
Topics:
At the end of this module, you should be able to define the importance of Dimensions, explore PCA and
its implementation, and discuss LDA and its implementation
Topics:
• Introduction to Dimensionality
• Why Dimensionality Reduction
• PCA
• Factor Analysis
Page | 11
• Scaling dimensional model
• LDA
Skills:
Hands On:
• PCA
• Scaling
At the end of this module, you should be able to understand What is Naïve Bayes Classifier, how Naïve Bayes
Classifier works, understand Support Vector Machine, illustrate How Support Vector Machine works, and
understand Hyperparameter Optimization
Topics:
Page | 12
Module 7: Unsupervised Learning
Learning Objectives:
At the end of this module, you should be able to define Unsupervised Learning, discuss the following
Cluster Analysis: K - means Clustering, C - means Clustering, andHierarchical Clustering
Topics:
At the end of this module, you should be able to define Association Rules and learn the backend of
recommendation engines and develop your own using python
Topics:
• Recommendation Engines
• Collaborative Filtering
Page | 13
Skills:
• Apriori Algorithm
At the end of this module, you should be able to explain the concept of Reinforcement Learning,
generalize a problem using Reinforcement Learning, explain Markov’s Decision Process, and demonstrate
Q Learning
Topics:
Hands On:
• Calculating Reward
• Discounted Reward
• Calculating Optimal quantities
• Implementing Q Learning
• Setting up an Optimal Action
At the end of this module, you should be able to explain Time Series Analysis (TSA), discuss the need of TSA,
describe ARIMA modelling, and Forecast the time series model.
Topics:
At the end of this module, you should be able to discuss Model Selection, define Boosting, express the need of
Boosting, and explain the working of Boosting algorithm
Topics:
Page | 15
Skills:
• Model Selection
• Boosting algorithm using python
Hands on:
• Cross Validation
• AdaBoost
Learning Objectives:
At the end of this module, you should be able to know how to approach a project, hands-On project
implementation, what Industry expects, Industry insights for the Machine Learning domain, and QA &
doubt clearing session.
Page | 16
Graphical Models
Curriculum
To give a brief idea about Graphical models, graph theory, probability theory, components of graphical
models, types of graphical models, representation of graphical models, Introduction to inference,
learning and decision making in Graphical Models.
Topics:
• Add examples where Graphical Models are used (Netflix or Amazon or Facebook)
• Why do we need Graphical Models?
• Introduction to Graphical Model
o Probability theory
o Graph theory
• How does Graphical Model help you deal with uncertainty and complexity?
• Types of Graphical Models
o Factor graph
o Undirected graph
o Directed graph
• Graphical Modes
o Bayesian Networks
o Markov Networks
Page | 17
• Components of Graphical Model
o Qualitative specification
o Quantitative specification
• Representation of Graphical Models
• Inference in Graphical Models
• Learning Graphical Models
• Decision theory
• Applications
To give a brief understanding of Markov’s networks, independencies in Markov’s networks, Factor graph
and Markov’s decision process.
Topics:
Page | 18
• Decision Making under Uncertainty
• Decision Making Scenarios
Module 4: Inference
Goal: To understand the need for inference and interpret inference in Bayesian and Markov’s Networks.
Topics:
• Inference
o Marginal Inference
o Posterior Inference
o MAP Inference
• Complexity in Inference
• Exact Inference
• Approximate Inference
• Monte Carlo Algorithm
• Gibb’s Sampling
• Inference in Bayesian Networks
• Inference in Bayesian Networks
Module 5: Model learning
Goal:
Topics:
Page | 19
Reinforcement Learning
Curriculum
The aim of this module is to introduce you to the fundamentals of Reinforcement Learning and its
elements. To learn Decision Making, Monte Carlo Approach and Temporal Difference Learning.
Topics
o Supervised Learning
o Unsupervised Learning
o Reinforcement Learning
• What is Reinforcement Learning?
• Reinforcement Learning - How does it differ from other machine learning paradigms
• Comparing RL with other ML techniques
• Elements of Reinforcement Learning
• The Reinforcement Learning Process
• Rewards
o The central idea of the Reward Hypothesis
o Reward Examples
• Agent and Environment
o Fully Observable Environments
o Partially Observable Environments
Page | 20
o RL Agent Components (Value-based, Policy-based, Model-based)
o RL Agent Taxonomy
• Types of Tasks (Episodic and Continuous Tasks)
• Ways of Learning (Monte Carlo Approach and Temporal Difference Learning)
• Exploration and Exploitation Trade off
• Approaches to Decision Making in RL
• Most used Reinforcement Learning algorithm (Q-learning)
• Practical applications of Reinforcement Learning
• Challenges with implementing RL
The aim of this module is to Markov Decision Processes and Bandit Algorithms.
Topics
Goal:
The aim is to get an overview of the tools and techniques of Dynamic Programming and reset the state
of the system to a particular state using temporal difference methods.
Topics
• Introduction to Dynamic Programming
• Policy valuation (Prediction)
• Policy Improvement
• Policy Iteration
• Value Iteration
• Generalized Policy Iteration
• Asynchronous Dynamic Programming
• Efficiency of Dynamic Programming
• Temporal Difference Prediction
• Why TD Prediction Methods
• On-Policy and Off-Policy Learning
Page | 21
• Q-learning
• Reinforcement Learning in Continuous Spaces
• SARSA
Topics
• Value Function
• Bellman Equations
• Optimal Value Functions
• Bellman Optimality Equation
• Optimality and Approximation
• Value Iteration
• Introduction to Policy-based Reinforcement Learning: Policy Gradient
• Monte Carlo Policy Gradients
• Generalized Advantage Estimation (GAE)
• Monte Carlo Prediction
• Monte Carlo Estimation of Action Values
• Monte Carlo Control
• Monte Carlo Control without Exploring Starts
• Incremental Implementation
• Policy optimization methods (Trust Region Policy Optimization (TRPO) and Proximal Policy
Optimization (PPO))
Page | 22
NLP with Python
Curriculum
Module 1: Introduction to Text Mining and NLP
Learning Objectives:
At the end of this Module, you should be able to gain an understanding of Text Mining & NLP, manipulate
various file types, and use the NLTK library.
Topics:
Page | 23
Module 2: Extracting, Cleaning and Pre-processing Text
Learning Objectives:
At the end of this Module, you should be able to clean and preprocess text data, using sentence tokenization,
clean and preprocess text data, using word tokenization, demonstrate the use of Bigrams, Trigrams and Ngrams,
work on text data with Stemming, Lemmatization and Stop-Word removal, and describe your text data with POS
tags and Named Entities
Topics:
• Tokenization
• Frequency Distribution
• Different Types of Tokenizers
• Bigrams, Trigrams & Ngrams
• Stemming
• Lemmatization
• Stopwords
• POS Tagging
• Named Entity Recognition
Hands On/Demo:
At the end of this Module, you should be able to analyze Syntax Trees, analyze sentence structures using Context
Free Grammars (CFG’s), and demonstrate sentence structures using Chunking and Chinking techniques.
Topics:
• Syntax Trees
• Chunking
• Chinking
• Context Free Grammars (CFG)
• Automating Text Paraphrasing
Page | 24
Hands On/Demo:
At the end of this Module, you should be able to recall the basic mechanism of Machine Learning, demonstrate
the concept of Bag of Words, implement Count Vectorization technique, and use the concept of TF-IDF over the
csr matrix.
Topics:
Hands On/Demo:
• Demonstrate Bag of Words Approach
• Working with CountVectorizer()
• Using TF & IDF
At the end of this Module, you should be able to implement Vectorization technique over text data, derive Bag
of Words Model, and use Naiive Bayes classifier to classify labelled text data
Topics:
Hands On/Demo:
• Converting text to features and labels
• Demonstrate text classification using Multinomial NB Classifier
• Leveraging Confusion Matrix
Page | 25
Module 6: In-Class Project
Learning Objectives:
At the end of this module, you should be able to implement all the text processing techniques starting with
tokenization, express your end to end work on Text Mining, and implement Machine Learning along with Text
Processing.
Hands On:
• Sentiment Analysis
Page | 26
AI & Deep Learning with TensorFlow
Curriculum
At the end of this Module, you should be able to discuss the revolution of Artificial Intelligence, discuss the
limitations of Machine Learning, list the advantages of Deep Learning over Machine Learning, discuss Real-life
use cases of Deep Learning, understand the Scenarios Where Deep Learning is applicable, discuss Machine
learning algorithms, define Reinforcement Learning, and discuss model parameters and optimization
techniques.
Topics:
Page | 27
Hands-On:
• Implementing a Linear Regression model for predicting house prices from Boston dataset
• Implementing a Logistic Regression model for classifying Customers based on an Automobile purchase
dataset
Learning Objectives:
At the end of this Module, you should be able to illustrate How Deep Learning works, how Neural
Networks work, understand Various Components of a Neural Network, define TensorFlow, illustrate
how TensorFlow works, discuss the Functionalities of TensorFlow, and implement a Single Layer
Perceptron using TensorFlow.
Topics:
• How Deep Learning Works?
• Activation Functions
• Illustrate Perceptron
• Training a Perceptron
• Important Parameters of Perceptron
• What is TensorFlow?
• TensorFlow code-basics
• Graph Visualization
• Constants, Placeholders, Variables
• Creating a Model
• Step by Step - Use-Case Implementation
Hands-On:
Building a single perceptron for classification on SONAR dataset
Page | 28
Topics:
• Understand limitations of A Single Perceptron
• Understand Neural Networks in Detail
• Illustrate Multi-Layer Perceptron
• Backpropagation – Learning Algorithm
• Understand Backpropagation – Using Neural Network Example
• MLP Digit-Classifier using TensorFlow
• TensorBoard
• Summary
Hands-On:
• Building a multi-layered perceptron for classification of Hand-written digits
Hands-On:
• Building a multi-layered perceptron for classification on SONAR dataset
Page | 29
Hands-On:
• Building a convolutional neural network for image classification. The model should predict the
difference between 10 categories of images.
Hands-On:
• Building a recurrent neural network for SPAM prediction.
Hands-On:
• Building a Autoencoder model for classification of handwritten images extracted from the
MNIST Dataset.
Page | 30
Module 8: Keras
Learning Objectives:
At the end of this Module, you should be able to define Keras, understand Keras Model Building Blocks,
illustrate Different Compositional Layers for a Keras Model, implement a Use-Case Step by Step, and
understand few features available with Keras.
Topics:
• Define Keras
• How to compose Models in Keras
• Sequential Composition
• Functional Composition
• Predefined Neural Network Layers
• What is Batch Normalization
• Saving and Loading a model with Keras
• Customizing the Training Process
• Using TensorBoard with Keras
• Use-Case Implementation with Keras
Hands-On:
• Build a model using Keras to do sentiment analysis on twitter data reactions on GOP debate in
Ohio.
Module 9 – TFLearn
Learning Objectives:
At the end of this Module, you should be able to define TFLearn, understand TFLearn Model Building
Blocks, illustrate Different Compositional Layers for a TFLearn Model, implement a Use-Case Step by
Step, and understand few features available with TFLearn.
Topics:
• Define TFLearn
• Composing Models in TFLearn
• Sequential Composition
• Functional Composition
• Predefined Neural Network Layers
• What is Batch Normalization
• Saving and Loading a model with TFLearn
• Customizing the Training Process
• Using TensorBoard with TFLearn
• Use-Case Implementation with TFLearn
Hands-On:
• Build a recurrent neural network using TFLearn to do image classification on hand-written digits.
Page | 31
Module 10: Hands-On Project
Learning Objectives:
At the end of this module, you should be able to:
• How to approach a project
• Hands-On project implementation
• What Industry expects
• Industry insights for the Machine Learning domain
• QA and Doubt Clearing Session
Page | 32
Python Spark using PySpark
Curriculum
Module 1 - Introduction to Big Data Hadoop and Spark
Learning Objectives –
In this module, you will understand Big Data, the limitations of the existing solutions for Big Data problem,
how Hadoop solves the Big Data problem, Hadoop ecosystem components, Hadoop Architecture, HDFS, Rack
Awareness and Replication. You will learn about the Hadoop Cluster Architecture, important configuration files
in a Hadoop Cluster. You will also get an introduction to Spark, why it is used and understanding of the
difference between batch processing and real time processing.
Topics:
Page | 33
• Hadoop Cluster and Its Architecture
• Hadoop: Different Cluster Modes
• Big Data Analytics with Batch & Real-Time Processing
• Why Spark is Needed
• What is Spar
• How Spark Differs from Its Competitors
• Spark’s Place in Hadoop Ecosystem
At the end of this Module, you should be able to define Python, explain Numbers, explain Strings,
Tuples, Lists, Dictionaries, and Sets, understand Operands and Expressions, write your First Python
Program, understand Command Line Parameters and Flow Control, and take input from the user and
perform operations on it.
Topics:
• Overview of Python
• Different Applications where Python is Used
• Values, Types, Variables
• Operands and Expressions
• Conditional Statements
• Loops
• Command Line Arguments
• Writing to the Screen
• Python files I/O Functions
• Numbers
• Strings and related operations
• Tuples and related operations
• Lists and related operations
• Dictionaries and related operations
• Sets and related operations
Hands On/Demo:
• Creating “Hello World” code
• Variables
• Demonstrating Conditional Statements
• Demonstrating Loops
• Tuple - properties, related operations, compared with list
• List - properties, related operations
• Dictionary - properties, related operations
• Set - properties, related operations
Page | 34
Module 3 - Functions, OOPs, Modules in Python
Learning Objectives:
At the end of this Module, you should be able to create and Execute Python Functions, learn Object
Oriented Concepts in Python, understand Python Standard Libraries, define Modules in Python, and
handle Errors and Exceptions
Topics:
• Functions
• Function Parameters
• Global Variables
• Variable Scope and Returning Values
• Lambda Functions
• Object Oriented Concepts
• Standard Libraries
• Modules Used in Python
• The Import Statements
• Module Search Path
• Package Installation Ways
• Errors and Exception Handling
• Handling Multiple Exceptions
Hands On/Demo:
• Functions - Syntax, Arguments, Keyword Arguments, Return Values
• Lambda - Features, Syntax, Options, Compared with the Functions
• Sorting - Sequences, Dictionaries, Limitations of Sorting
• Errors and Exceptions - Types of Issues, Remediation
• Packages and Module - Modules, Import Options, sys Path
Module 4 – Deep Dive into Apache Spark Framework
Learning Objectives –
In this module, you will understand Apache Spark in depth and you will be learning about various
Spark components, you will be creating and running various spark applications. At the end you, will
learn how to perform data ingestion using Sqoop.
Topics:
Page | 35
• Spark Web UI
• Writing your first PySpark Job Using Jupyter Notebook
• Data Ingestion using Sqoop
Hands On:
Page | 36
Topics:
• Need for Spark SQL
• What is Spark SQL?
• Spark SQL Architecture
• SQL Context in Spark SQL
• Schema RDDs
• User Defined Functions
• Data Frames & Datasets
• Interoperating with RDDs
• JSON and Parquet File Formats
• Loading Data through Different Sources
• Spark – Hive Integration
Hands On:
• Spark SQL – Creating data frames
• Loading and transforming data through different sources
• Stock Market Analysis
• Spark - Hive Integration
In this module you will learn about why machine learning is needed, different Machine Learning
techniques/algorithms and their implementation using Spark MLlib.
Topics:
Page | 37
Module 8 – Deep Dive into Spark MLlib
Learning Objectives:
In this module you will be implementing various algorithms supported by MLlib such as Linear
Regression, Decision Tree, Random Forest and many more.
Topics:
• Supervised Learning
o Linear Regression
o Logistic Regression
o Decision Tree
o Random Forest
• Unsupervised Learning
• K-Means Clustering & How It Works with MLlib
• Analysis on US Election Data using MLlib (K-Means)
Hands On:
• Machine Learning MLlib
• K- Means Clustering
• Linear Regression
• Logistic Regression
• Decision Tree
• Random Forest
Topics:
• Need for Kafka
• What is Kafka?
• Core Concepts of Kafka
• Kafka Architecture
• Where is Kafka Used?
• Understanding the Components of Kafka Cluster
• Configuring Kafka Cluster
• Kafka Producer and Consumer Java API
• Need of Apache Flume
• What is Apache Flume?
• Basic Flume Architecture
• Flume Sources
• Flume Sinks
Page | 38
• Flume Channels
• Flume Configuration
• Integrating Apache Flume and Apache Kafka
Hands On:
• Configuring Single Node Single Broker Cluster
• Configuring Single Node Multi Broker Cluster
• Producing and consuming messages through Kafka Java API
• Flume Commands
• Setting up Flume Agent
• Streaming Twitter Data into HDFS
In this module, you will work on Spark streaming which is used to build scalable fault-tolerant
streaming applications. You will learn about DStreams and various Transformations performed on the
streaming data. You will get to know about commonly used streaming operators such as Sliding
Window Operators and Stateful Operators.
Topics:
Page | 39
Module 11 - Apache Spark Streaming – Data Sources
Learning Objectives:
In this module, you will learn about the different streaming data sources such as Kafka and flume. At
the end of the module, you will be able to create a spark streaming application.
Topics:
• Apache Spark Streaming: Data Sources
• Streaming Data Source Overview
• Apache Flume and Apache Kafka Data Sources
• Example: Using a Kafka Direct Data Source
• Perform Twitter Sentimental Analysis Using Spark Streaming
Page | 40