Book description
This book of the bestselling and widely acclaimed Python Machine Learning series is a comprehensive guide to machine and deep learning using PyTorch s simple to code framework. Purchase of the print or Kindle book includes a free eBook in PDF format.
Key Features
- Learn applied machine learning with a solid foundation in theory
- Clear, intuitive explanations take you deep into the theory and practice of Python machine learning
- Fully updated and expanded to cover PyTorch, transformers, XGBoost, graph neural networks, and best practices
Book Description
Machine Learning with PyTorch and Scikit-Learn is a comprehensive guide to machine learning and deep learning with PyTorch. It acts as both a step-by-step tutorial and a reference you'll keep coming back to as you build your machine learning systems.
Packed with clear explanations, visualizations, and examples, the book covers all the essential machine learning techniques in depth. While some books teach you only to follow instructions, with this machine learning book, we teach the principles allowing you to build models and applications for yourself.
Why PyTorch?
PyTorch is the Pythonic way to learn machine learning, making it easier to learn and simpler to code with. This book explains the essential parts of PyTorch and how to create models using popular libraries, such as PyTorch Lightning and PyTorch Geometric.
You will also learn about generative adversarial networks (GANs) for generating new data and training intelligent agents with reinforcement learning. Finally, this new edition is expanded to cover the latest trends in deep learning, including graph neural networks and large-scale transformers used for natural language processing (NLP).
This PyTorch book is your companion to machine learning with Python, whether you're a Python developer new to machine learning or want to deepen your knowledge of the latest developments.
What you will learn
- Explore frameworks, models, and techniques for machines to learn from data
- Use scikit-learn for machine learning and PyTorch for deep learning
- Train machine learning classifiers on images, text, and more
- Build and train neural networks, transformers, and boosting algorithms
- Discover best practices for evaluating and tuning models
- Predict continuous target outcomes using regression analysis
- Dig deeper into textual and social media data using sentiment analysis
Who this book is for
If you have a good grasp of Python basics and want to start learning about machine learning and deep learning, then this is the book for you. This is an essential resource written for developers and data scientists who want to create practical machine learning and deep learning applications using scikit-learn and PyTorch. Before you get started with this book, you’ll need a good understanding of calculus, as well as linear algebra.
Table of contents
- Preface
-
Giving Computers the Ability to Learn from Data
- Building intelligent machines to transform data into knowledge
- The three different types of machine learning
- Introduction to the basic terminology and notations
- A roadmap for building machine learning systems
- Using Python for machine learning
- Summary
- Training Simple Machine Learning Algorithms for Classification
-
A Tour of Machine Learning Classifiers Using Scikit-Learn
- Choosing a classification algorithm
- First steps with scikit-learn – training a perceptron
- Modeling class probabilities via logistic regression
- Maximum margin classification with support vector machines
- Solving nonlinear problems using a kernel SVM
- Decision tree learning
- K-nearest neighbors – a lazy learning algorithm
- Summary
- Building Good Training Datasets – Data Preprocessing
- Compressing Data via Dimensionality Reduction
- Learning Best Practices for Model Evaluation and Hyperparameter Tuning
- Combining Different Models for Ensemble Learning
- Applying Machine Learning to Sentiment Analysis
-
Predicting Continuous Target Variables with Regression Analysis
- Introducing linear regression
- Exploring the Ames Housing dataset
- Implementing an ordinary least squares linear regression model
- Fitting a robust regression model using RANSAC
- Evaluating the performance of linear regression models
- Using regularized methods for regression
- Turning a linear regression model into a curve – polynomial regression
- Dealing with nonlinear relationships using random forests
- Summary
- Working with Unlabeled Data – Clustering Analysis
- Implementing a Multilayer Artificial Neural Network from Scratch
-
Parallelizing Neural Network Training with PyTorch
- PyTorch and training performance
- First steps with PyTorch
- Building input pipelines in PyTorch
-
Building an NN model in PyTorch
- The PyTorch neural network module (torch.nn)
- Building a linear regression model
- Model training via the torch.nn and torch.optim modules
- Building a multilayer perceptron for classifying flowers in the Iris dataset
- Evaluating the trained model on the test dataset
- Saving and reloading the trained model
- Choosing activation functions for multilayer neural networks
- Summary
-
Going Deeper – The Mechanics of PyTorch
- The key features of PyTorch
- PyTorch’s computation graphs
- PyTorch tensor objects for storing and updating model parameters
- Computing gradients via automatic differentiation
- Simplifying implementations of common architectures via the torch.nn module
- Project one – predicting the fuel efficiency of a car
- Project two – classifying MNIST handwritten digits
- Higher-level PyTorch APIs: a short introduction to PyTorch-Lightning
- Summary
- Classifying Images with Deep Convolutional Neural Networks
- Modeling Sequential Data Using Recurrent Neural Networks
- Transformers – Improving Natural Language Processing with Attention Mechanisms
- Generative Adversarial Networks for Synthesizing New Data
- Graph Neural Networks for Capturing Dependencies in Graph Structured Data
- Reinforcement Learning for Decision Making in Complex Environments
- Other Books You May Enjoy
- Index
Product information
- Title: Machine Learning with PyTorch and Scikit-Learn
- Author(s):
- Release date: February 2022
- Publisher(s): Packt Publishing
- ISBN: 9781801819312
You might also like
book
Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow, 2nd Edition
Through a series of recent breakthroughs, deep learning has boosted the entire field of machine learning. …
book
Grokking Machine Learning
Discover valuable machine learning techniques you can understand and apply using just high-school math. In Grokking …
book
Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow, 3rd Edition
Through a recent series of breakthroughs, deep learning has boosted the entire field of machine learning. …
book
Generative Deep Learning, 2nd Edition
Generative AI is the hottest topic in tech. This practical book teaches machine learning engineers and …