BPB Online LLP
Learn AI with Python
Gaurav Leekha
Learn AI with Python
US$ 19.95
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

Build AI applications using Python to intelligently interact with the world around you.

Key Features
● Covers the practical aspects of Machine Learning and Deep Learning concepts with the help of this example-rich guide to Python.
● Includes graphical illustrations of Natural Language Processing and its implementation in NLTK.
● Covers deep learning models such as R-CNN and YOLO for object recognition and teaches how to build an image classifier using CNN.

Description
The book ‘Learn AI with Python’ is intended to provide you with a thorough understanding of artificial intelligence as well as the tools necessary to create your intelligent applications.

This book introduces you to artificial intelligence and walks you through the process of establishing an AI environment on a variety of platforms. It dives into machine learning models and various predictive modeling techniques, including classification, regression, and clustering. Additionally, it provides hands-on experience with logic programming, ASR, neural networks, and natural language processing through real-world examples and fully functional Python implementation. Finally, the book deals with profound models of learning such as R-CNN and YOLO. Object detection in images is also explained in detail using Convolutional Neural Networks (CNNs), which are also explained.

By the end of this book, you will have a firm grasp of machine learning and deep learning techniques, as well as a steered methodology for formulating and solving related problems.

What you will learn
● Learn to implement various machine learning and deep learning algorithms to achieve smart results.
● Understand how ML algorithms can be applied to real-life applications.
● Explore logic programming and learn how to use it practically to solve real-life problems.
● Learn to develop different types of artificial neural networks with Python.
● Understand reinforcement learning and how to build an environment and agents using Python.
● Work with NLTK and build an automatic speech recognition system.

Who this book is for
This book is for anyone interested in learning about artificial intelligence and putting it into practice with Python. This book is also valuable for intermediate Machine Learning practitioners as a reference guide. Readers should be familiar with the fundamental understanding of Python programming and machine learning techniques.

Table of Contents
1. Introduction to AI and Python
2. Machine Learning and Its Algorithms
3. Classification and Regression Using Supervised Learning
4. Clustering Using Unsupervised Learning
5. Solving Problems with Logic Programming
6. Natural Language Processing with Python
7. Implementing Speech Recognition with Python
8. Implementing Artificial Neural Network (ANN) with Python
9. Implementing Reinforcement Learning with Python
10. Implementing Deep Learning and Convolutional Neural Network

Language
English
ISBN
9789391392611
Cover Page
Title Page
Copyright Page
Dedication Page
About the Author
About the Reviewer
Acknowledgement
Preface
Errata
Table of Contents
1. Introduction to AI and Python
Introduction
Structure
Objectives
Introduction to Artificial Intelligence (AI)
Why to learn AI?
Understanding intelligence
Types of intelligence
Various fields of study in AI
Applications of AI in various industries
How does artificial intelligence learn?
AI agents and environments
What is an agent?
What is an agent’s environment?
AI and Python – how do they relate?
What is Python?
Why choose Python for building AI applications?
Python3 – installation and setup
Windows
Linux
Ubuntu
Linux Mint
CentOS
Fedora
Installing and compiling Python from Source
macOS/Mac OS X
Conclusion
Questions
2. Machine Learning and Its Algorithms
Introduction
Structure
Objectives
Understanding Machine Learning (ML)
The Landscape of Machine Learning Algorithms
Components of a Machine Learning algorithm
Different learning styles in machine learning algorithms
Supervised learning
Unsupervised learning
Semi-supervised learning
Reinforcement learning
Popular machine learning algorithms
Linear regression
Logistic regression
Decision tree algorithm
Random forest
Naïve Bayes algorithm
Support Vector Machine (SVM)
k-Nearest Neighbor (kNN)
K-Means clustering
Conclusion
Questions
3. Classification and Regression Using Supervised Learning
Introduction
Structure
Objectives
Classification
Various steps to build a classifier using Python
Step 1 – Import ML library
Step 2 – Import dataset
Step 3 – Organizing data-training and testing set
Step 4 – Creating ML model
Step 5 – Train the model
Step 6 – Predicting test set result
Step 7 – Evaluating the accuracy
Lazy earning versus eager learning
Performance metrics for classification
Confusion matrix
Accuracy
Precision
Recall
Specificity
F1 score
Regression
Various steps to build a regressor using Python
Step 1 – Import ML library
Step 2 – Import dataset
Step 3 – Organizing data into training and testing set
Step 4 – Creating ML model
Step 5 – Train the model
Step 6 – Plotting the regression line
Step 7 – Calculating the variance
Performance metrics for regression
Mean Absolute Error (MAE)
Mean Squared Error (MSE)
R-Squared (R2)
Adjusted R-squared (R2)
Conclusion
Questions
4. Clustering Using Unsupervised Learning
Introduction
Structure
Objectives
Clustering
Various methods to form clusters
Important ML clustering algorithms
K-means clustering algorithm
Mean-shift clustering algorithm
Hierarchical clustering algorithm
Performance metrics for clustering
Silhouette analysis
Davies–Bouldin index
Dunn index
Conclusion
Questions
5. Solving Problems with Logic Programming
Introduction
Structure
Objectives
Logic programming
Building blocks of logic programming
Useful Python packages for logic programming
Implementation examples
Checking and generating prime numbers
Solving the puzzles
Conclusion
Questions
6. Natural Language Processing with Python
Introduction
Structure
Objective
Natural Language Processing (NLP)
Working of NLP
Phases/logical steps in NLP
Implementing NLP
Installing Python’s NLTK Package
Installing NLTK
Downloading NLTK corpus
Understanding tokenization, stemming, and lemmatization
Tokenization
Stemming
Lemmatization
Difference between lemmatization and stemming
Understanding chunking
Importance of chunking
Understanding Bag-of-Words (BoW) model
Why the BoW algorithm?
Implementing the BoW algorithm using Python
Understanding stop words
When to remove stop words?
Removing stop words using the NLTK library
Understanding vectorization and transformers
Vectorization techniques
Transformers
Some examples
Predicting the category
Gender finding
Conclusion
Questions
7. Implementing Speech Recognition with Python
Introduction
Structure
Objective
Basics of speech recognition
Working of the speech recognition system
Building a speech recognizer
Difficulties while developing a speech recognition system
Visualization of audio signals
Characterization of the audio signal
Monotone audio signal generation
Extraction of features from speech
Recognition of spoken words
Conclusion
Questions
8. Implementing Artificial Neural Network (ANN) with Python
Introduction
Structure
Objective
Understanding of Artificial Neural Network (ANN)
A biological neuron
Working of ANN
The basic structure of ANN
Types of ANNs
Optimizers for training the neural network
Gradient descent
Stochastic Gradient Descent (SGD)
Mini-Batch Gradient Descent
Stochastic Gradient Descent with Momentum
Adam (Adaptive Moment Estimation)
Regularization
Regularization techniques
Installing useful Python package for ANN
Examples of building some neural networks
Perceptron-based classifier
Single-layer neural networks
Multi-layer neural networks
Vector quantization
Conclusion
Questions
9. Implementing Reinforcement Learning with Python
Introduction
Structure
Objective
Understanding reinforcement learning
Workflow of reinforcement learning
Markov Decision Process (MDP)
Working of Markov Decision Process (MDP)
Difference between reinforcement learning and supervised learning
Implementing reinforcement learning algorithms
Reinforcement learning algorithms
Types of reinforcement learning
Benefits of reinforcement learning
Challenges with reinforcement learning
Building blocks of reinforcement learning
Agent
Environment
Constructing an environment using Python
Constructing an agent using Python
Conclusion
Questions
10. Implementing Deep Learning and Convolutional Neural Network
Introduction
Structure
Objective
Understanding Deep Learning
Machine learning versus deep learning
Elucidation of Convolutional Neural Networks
The Architecture of Convolutional Neural Network
Localization and object recognition with deep learning
Deep learning models
Image classification using CNN in Python
Conclusion
Questions
Index
The book hasn't received reviews yet.