BPB Online LLP
Machine Learning
The publisher has enabled DRM protection, which means that you need to use the BookFusion iOS, Android or Web app to read this eBook. This eBook cannot be used outside of the BookFusion platform.
Description
Contents
Reviews

Concepts of Machine Learning with Practical Approaches.

Key Features
● Includes real-scenario examples to explain the working of Machine Learning algorithms.
● Includes graphical and statistical representation to simplify modeling Machine Learning and Neural Networks.
● Full of Python codes, numerous exercises, and model question papers for data science students.

Description
The book offers the readers the fundamental concepts of Machine Learning techniques in a user-friendly language. The book aims to give in-depth knowledge of the different Machine Learning (ML) algorithms and the practical implementation of the various ML approaches.

This book covers different Supervised Machine Learning algorithms such as Linear Regression Model, Naïve Bayes classifier Decision Tree, K-nearest neighbor, Logistic Regression, Support Vector Machine, Random forest algorithms, Unsupervised Machine Learning algorithms such as k-means clustering, Hierarchical Clustering, Probabilistic clustering, Association rule mining, Apriori Algorithm, f-p growth algorithm, Gaussian mixture model and Reinforcement Learning algorithm such as Markov Decision Process (MDP), Bellman equations, policy evaluation using Monte Carlo, Policy iteration and Value iteration, Q-Learning, State-Action-Reward-State-Action (SARSA). It also includes various feature extraction and feature selection techniques, the Recommender System, and a brief overview of Deep Learning.

By the end of this book, the reader can understand Machine Learning concepts and easily implement various ML algorithms to real-world problems.

What you will learn
● Perform feature extraction and feature selection techniques.
● Learn to select the best Machine Learning algorithm for a given problem.
● Get a stronghold in using popular Python libraries like Scikit-learn, pandas, and matplotlib.
● Practice how to implement different types of Machine Learning techniques.

Who this book is for
This book is designed for data science and analytics students, academicians, and researchers who want to explore the concepts of machine learning and practice the understanding of real cases. Knowing basic statistical and programming concepts would be good, although not mandatory.

Table of Contents
1. Introduction
2. Supervised Learning Algorithms
3. Unsupervised Learning
4. Introduction to the Statistical Learning Theory
5. Semi-Supervised Learning and Reinforcement Learning
6. Recommended Systems

About the Author
Dr Ruchi Doshi has more than 14 years of academic, research, and software development experience in Asia and Africa. Currently, she is working as a research supervisor at the Azteca University, Mexico, and as an adjunct faculty at the Jyoti Vidyapeeth Women’s University, Jaipur, Rajasthan, India.

Kamal Kant Hiran works as an Assistant Professor, School of Engineering at the Sir Padampat Singhania University (SPSU), Udaipur, Rajasthan, India as well as a Research Fellow at the Aalborg University, Copenhagen, Denmark.

Ritesh Kumar Jain works as an Assistant Professor, at the Geetanjali Institute of Technical Studies, (GITS), Udaipur, Rajasthan, India. He has more than 15 years of teaching and research experience.

Dr. Kamlesh Lakhwani works as an Associate Professor, in Computer Science & Engineering at JECRC University Jaipur, Rajasthan, India. He has an excellent academic background and a rich experience of 15 years as an academician and researcher in Asia.

Language
English
ISBN
9789391392352
Cover Page
Title Page
Copyright Page
Foreword
Dedication Page
About the Authors
About the Reviewer
Acknowledgement
Preface
Errata
Table of Contents
1. Introduction to Machine Learning
Introduction
Structure
Objectives
What is Machine Learning?
Machine Learning versus Traditional Programming
The Seven Steps of Machine Learning
Step 1: Data Gathering / Data Collection
Step 2: Preparing the data
Step 3: Choosing a Model
Step 4: Training
Step 5: Evaluation
Step 6: Hyperparameter Tuning
Step 7: Prediction
Applications of Machine Learning
Social Media Features
Product Recommendations
Image & Speech Recognition
Sentiment Analysis
Self-driving cars
Email Spam and Malware Filtering
Stock Market Trading
Medical Diagnosis
Online Fraud Detection
Automatic language translation
Types of Machine Learning
Supervised Learning
Regression
Classification
Unsupervised Learning
Clustering
Association
Reinforcement Learning
Advantages of Machine Learning
Disadvantages of Machine Learning
Most Popular Machine Learning Software Tools
Summary
Exercise (MCQ's)
Answers
Fill in the blanks
Answers
Descriptive questions
2. Supervised Learning Algorithms
Introduction
Structure
Objectives
Introducing Supervised Learning
Types of Supervised Learning
Regression
Terminologies used in Regression
Types of Linear Regression
Simple Linear Regression
Multiple Linear Regression
Classification
Naïve Bayes classifier algorithm
Why is it called Naïve Bayes?
Principle of Naive Bayes Classifier
Working of Naïve Bayes' Classifier
Naive Bayes Example
Types of Naïve Bayes
Advantages and disadvantages of Naïve Bayes
Applications of Naïve Bayes Algorithms
Decision Tree
Decision-tree working
Example of decision-tree
Advantages of decision tree
Disadvantages of the decision tree
K-Nearest Neighbors (K-NN) algorithm
Need of the K-NN Algorithm
Logistic Regression
Comparison between linear and logistic regression
Types of Logistic Regression
Binary Logistic Regression
Multinomial Logistic Regression
Ordinal Logistic Regression
Examples
Support Vector Machine (SVM) Algorithm
Hyperplane, Support Vectors, and Margin
Working of SVM
Types of SVM
Applications of Support-Vector Machines
Advantages of SVM
Disadvantages of SVM
Random Forest Algorithm
Working of the Random Forest Algorithm
Advantages of Random Forest Algorithm
Disadvantages of Random Forest Algorithm
Applications of Random Forest Algorithm
Summary
Exercise (MCQ's)
Answer
Short Answers Questions
Long Answers Questions
3. Unsupervised Learning
Structure
Objectives
Unsupervised Learning
Working of unsupervised learning
Need for using unsupervised learning
Algorithms
Clustering
K-means Clustering
Algorithm of k-mean clustering
Flowchart of k-mean clustering
A practical example of k-mean clustering
Hierarchical clustering
Two approaches to hierarchical clustering
Need of hierarchical clustering
Agglomerative hierarchical clustering
Working of agglomerative hierarchical clustering
Measuring the distance between two clusters
The dendrogram in hierarchical clustering
Creating Dendrogram
An example of hierarchical clustering
Association rule learning
Working of the association rule learning
Support
Confidence
Lift
Apriori Algorithm
Frequent Itemset
Steps of Apriori Algorithm
Example of the apriori algorithm
FP-Growth Algorithm
Frequent Pattern (FP) Tree
Steps of the FP-growth algorithm
An example of FP-growth algorithm:
Difference between Apriori and FP-Growth
Applications of the association rule learning
Probabilistic clustering
Gaussian Distribution
Gaussian Mixture Models (GMMs)
Expectation-Maximization
Expectation Maximization in GMMs
E-step
M-step
An example of Gaussian Mixture Model
Summary
Exercise (MCQ's)
Answers
Short Answers Questions
Long answers questions
4. Introduction to Statistical Learning Theory
Structure
Objective
Introduction to statistical learning
Estimation of unknown function f
Prediction
Inference
Supervised verses unsupervised learning
Regression Verses classification
Feature selection
Filters
Pearson correlation
Chi-squared
Linear discriminant analysis (LDA)
Analysis of variance (ANOVA)
Wrappers
Embedded methods
Model selection
Re-sampling methods
Probabilistic measures
Akaike Information Criterion (AIC)
Minimum Description Length (MDL)
Model evaluation
Classification metrics
Accuracy
Precision
Recall
F1 Score
AUC curve
Regression metrics
Mean Squared Error or MSE
Root Mean Squared Error or RMSE
Mean Absolute Error or MAE
Root Mean Squared Log Error or RMSLE
Clustering metrics
Dunn Index
Silhouette Coefficient
Elbow method
Statistical learning algorithms
Supervised learning
Regression
Linear Regression
Logistic Regression
Polynomial Regression
Support Vector Regression
Decision Tree Regression
Ridge Regression
Lasso Regression
Classification
Naive Bayes Classifier
Nearest Neighbor algorithm
Logistic Regression
Decision Trees
Neural Network
Unsupervised learning
Hierarchical Clustering
K-means Clustering
K-Nearest neighbors
Principal Components Analysis
Summary
Exercise (MCQ's)
Answers
Short question answer
Long question answer
5. Semi-Supervised Learning, Reinforcement Learning
Introduction
Structure
Objectives
Semi-supervised learning
Markov Decision Process (MDP)
Markov Chain and Markov Process
Applications of Markov Decision Process
Bellman Equations
Going Deeper into Bellman Expectation Equation
Monte Carlo Methods
Monte Carlo Policy Evaluation
Policy iteration and value iteration
Policy Iteration
Value Iteration
Q-Learning
Introducing the Q-Table
The Q-Learning algorithm
State-Action-Reward-State-Action (SARSA)
SARSA Vs Q-learning
SARSA Algorithm
Model-based Reinforcement Learning
What is a Model?
Difference between Model-Based and Model-Free
Learning the Model
Concrete Example
Dyna Architecture
Summary
Exercise (MCQ's)
Answers
Descriptive Questions
6. Recommended Systems
Introduction
Structure
Objective
Recommended Systems
Importance of recommended systems
Types of recommended systems
Recommended Systems (RS) functions
Applications and Challenges of Recommended Systems
Applications
Challenges
Collaborative Filtering
Collaborative Filtering classes
Types of collaborative filtering techniques
Content-based filtering
The architecture of content-based filtering
Advantages of content-based filtering
Drawbacks of content-based filtering
Artificial Neural Network (ANN)
Supervised ANN
Unsupervised ANN
Applications
Comparison between Artificial Neural Networks (ANN) and Biological Neural Networks (BNN)
Characteristics of the ANN
Perceptron
Activation Function
Multilayer Network
Backpropagation algorithm
Types of Backpropagation Networks
Advantages
Disadvantages
Introduction to Deep Learning
How do deep learning algorithms “learn”?
Difference between Machine Learning and Deep Learning
Importance of Deep Learning
Applications of Deep Learning
Summary
Exercise (MCQ's)
Answers
Short Answers Questions
Long Answers Questions
Bibliography
Practicals
Test Papers
Index
The book hasn't received reviews yet.