search
0
cart
close
You have no products in your basket yet
left
Tech Categories
Best Sellers
New Releases
Books
Videos
Audiobooks
Articles
Newsletters
Free Learning
right
Machine Learning with PyTorch and Scikit-Learn

Machine Learning with PyTorch and Scikit-Learn: Develop machine learning and deep learning models with Python

By Sebastian Raschka , Yuxi (Hayden) Liu , Vahid Mirjalili
$41.99 $28.99
Book Feb 2022 774 pages 1st Edition
eBook
$41.99 $28.99
Print
$51.99
Subscription
$15.99 Monthly
eBook
$41.99 $28.99
Print
$51.99
Subscription
$15.99 Monthly

What do you get with eBook?

Feature icon Instant access to your Digital eBook purchase
Feature icon Download this book in EPUB and PDF formats
Feature icon Access this title in our online reader with advanced features
Feature icon DRM FREE - Read whenever, wherever and however you want
Buy Now

Product Details


Publication date : Feb 25, 2022
Length 774 pages
Edition : 1st Edition
Language : English
ISBN-13 : 9781801819312
Category :
toc View table of contents toc Preview Book toc Download Code

Key benefits

  • 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

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

What do you get with eBook?

Feature icon Instant access to your Digital eBook purchase
Feature icon Download this book in EPUB and PDF formats
Feature icon Access this title in our online reader with advanced features
Feature icon DRM FREE - Read whenever, wherever and however you want
Buy Now

Product Details


Publication date : Feb 25, 2022
Length 774 pages
Edition : 1st Edition
Language : English
ISBN-13 : 9781801819312
Category :

Table of Contents

22 Chapters
Preface Packt Packt
Preface
Who this book is for
What this book covers
To get the most out of this book
Get in touch
Share your thoughts
Giving Computers the Ability to Learn from Data Packt Packt
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 Packt Packt
Training Simple Machine Learning Algorithms for Classification
Artificial neurons – a brief glimpse into the early history of machine learning
Implementing a perceptron learning algorithm in Python
Adaptive linear neurons and the convergence of learning
Summary
A Tour of Machine Learning Classifiers Using Scikit-Learn Packt Packt
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 Packt Packt
Building Good Training Datasets – Data Preprocessing
Dealing with missing data
Handling categorical data
Partitioning a dataset into separate training and test datasets
Bringing features onto the same scale
Selecting meaningful features
Assessing feature importance with random forests
Summary
Compressing Data via Dimensionality Reduction Packt Packt
Compressing Data via Dimensionality Reduction
Unsupervised dimensionality reduction via principal component analysis
Supervised data compression via linear discriminant analysis
Nonlinear dimensionality reduction and visualization
Summary
Learning Best Practices for Model Evaluation and Hyperparameter Tuning Packt Packt
Learning Best Practices for Model Evaluation and Hyperparameter Tuning
Streamlining workflows with pipelines
Using k-fold cross-validation to assess model performance
Debugging algorithms with learning and validation curves
Fine-tuning machine learning models via grid search
Looking at different performance evaluation metrics
Summary
Combining Different Models for Ensemble Learning Packt Packt
Combining Different Models for Ensemble Learning
Learning with ensembles
Combining classifiers via majority vote
Bagging – building an ensemble of classifiers from bootstrap samples
Leveraging weak learners via adaptive boosting
Gradient boosting – training an ensemble based on loss gradients
Summary
Applying Machine Learning to Sentiment Analysis Packt Packt
Applying Machine Learning to Sentiment Analysis
Preparing the IMDb movie review data for text processing
Introducing the bag-of-words model
Training a logistic regression model for document classification
Working with bigger data – online algorithms and out-of-core learning
Topic modeling with latent Dirichlet allocation
Summary
Predicting Continuous Target Variables with Regression Analysis Packt Packt
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 Packt Packt
Working with Unlabeled Data – Clustering Analysis
Grouping objects by similarity using k-means
Organizing clusters as a hierarchical tree
Locating regions of high density via DBSCAN
Summary
Implementing a Multilayer Artificial Neural Network from Scratch Packt Packt
Implementing a Multilayer Artificial Neural Network from Scratch
Modeling complex functions with artificial neural networks
Classifying handwritten digits
Training an artificial neural network
About convergence in neural networks
A few last words about the neural network implementation
Summary
Parallelizing Neural Network Training with PyTorch Packt Packt
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
Choosing activation functions for multilayer neural networks
Summary
Going Deeper – The Mechanics of PyTorch Packt Packt
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 Packt Packt
Classifying Images with Deep Convolutional Neural Networks
The building blocks of CNNs
Putting everything together – implementing a CNN
Implementing a deep CNN using PyTorch
Smile classification from face images using a CNN
Summary
Modeling Sequential Data Using Recurrent Neural Networks Packt Packt
Modeling Sequential Data Using Recurrent Neural Networks
Introducing sequential data
RNNs for modeling sequences
Implementing RNNs for sequence modeling in PyTorch
Summary
Transformers – Improving Natural Language Processing with Attention Mechanisms Packt Packt
Transformers – Improving Natural Language Processing with Attention Mechanisms
Adding an attention mechanism to RNNs
Introducing the self-attention mechanism
Attention is all we need: introducing the original transformer architecture
Building large-scale language models by leveraging unlabeled data
Fine-tuning a BERT model in PyTorch
Summary
Generative Adversarial Networks for Synthesizing New Data Packt Packt
Generative Adversarial Networks for Synthesizing New Data
Introducing generative adversarial networks
Implementing a GAN from scratch
Improving the quality of synthesized images using a convolutional and Wasserstein GAN
Other GAN applications
Summary
Graph Neural Networks for Capturing Dependencies in Graph Structured Data Packt Packt
Graph Neural Networks for Capturing Dependencies in Graph Structured Data
Introduction to graph data
Understanding graph convolutions
Implementing a GNN in PyTorch from scratch
Implementing a GNN using the PyTorch Geometric library
Other GNN layers and recent developments
Summary
Reinforcement Learning for Decision Making in Complex Environments Packt Packt
Reinforcement Learning for Decision Making in Complex Environments
Introduction – learning from experience
The theoretical foundations of RL
Reinforcement learning algorithms
Implementing our first RL algorithm
A glance at deep Q-learning
Chapter and book summary
Other Books You May Enjoy Packt Packt
Other Books You May Enjoy
Index Packt Packt
Index

Customer reviews

filter Filter
Rating distribution
star-icon star-icon star-icon star-icon star-icon 5
(7 Ratings)
5 star 100%
4 star 0%
3 star 0%
2 star 0%
1 star 0%
Carlo Estopia Feb 18, 2024
star-icon star-icon star-icon star-icon star-icon 5
Feefo Verified review Feefo image
José Cafiero Feb 5, 2024
star-icon star-icon star-icon star-icon star-icon 5
Feefo Verified review Feefo image
Kam F Siu Jan 30, 2024
star-icon star-icon star-icon star-icon star-icon 5
Feefo Verified review Feefo image
Robin Samson Jan 29, 2024
star-icon star-icon star-icon star-icon star-icon 5
Feefo Verified review Feefo image
Nikola Ivacic Dec 29, 2023
star-icon star-icon star-icon star-icon star-icon 5
Feefo Verified review Feefo image
Get free access to Packt library with over 7500+ books and video courses for 7 days!
Start Free Trial

FAQS

How do I buy and download an eBook? Packt Packt

Where there is an eBook version of a title available, you can buy it from the book details for that title. Add either the standalone eBook or the eBook and print book bundle to your shopping cart. Your eBook will show in your cart as a product on its own. After completing checkout and payment in the normal way, you will receive your receipt on the screen containing a link to a personalised PDF download file. This link will remain active for 30 days. You can download backup copies of the file by logging in to your account at any time.

If you already have Adobe reader installed, then clicking on the link will download and open the PDF file directly. If you don't, then save the PDF file on your machine and download the Reader to view it.

Please Note: Packt eBooks are non-returnable and non-refundable.

Packt eBook and Licensing When you buy an eBook from Packt Publishing, completing your purchase means you accept the terms of our licence agreement. Please read the full text of the agreement. In it we have tried to balance the need for the ebook to be usable for you the reader with our needs to protect the rights of us as Publishers and of our authors. In summary, the agreement says:

  • You may make copies of your eBook for your own use onto any machine
  • You may not pass copies of the eBook on to anyone else
How can I make a purchase on your website? Packt Packt

If you want to purchase a video course, eBook or Bundle (Print+eBook) please follow below steps:

  1. Register on our website using your email address and the password.
  2. Search for the title by name or ISBN using the search option.
  3. Select the title you want to purchase.
  4. Choose the format you wish to purchase the title in; if you order the Print Book, you get a free eBook copy of the same title. 
  5. Proceed with the checkout process (payment to be made using Credit Card, Debit Cart, or PayPal)
Where can I access support around an eBook? Packt Packt
  • If you experience a problem with using or installing Adobe Reader, the contact Adobe directly.
  • To view the errata for the book, see www.packtpub.com/support and view the pages for the title you have.
  • To view your account details or to download a new copy of the book go to www.packtpub.com/account
  • To contact us directly if a problem is not resolved, use www.packtpub.com/contact-us
What eBook formats do Packt support? Packt Packt

Our eBooks are currently available in a variety of formats such as PDF and ePubs. In the future, this may well change with trends and development in technology, but please note that our PDFs are not Adobe eBook Reader format, which has greater restrictions on security.

You will need to use Adobe Reader v9 or later in order to read Packt's PDF eBooks.

What are the benefits of eBooks? Packt Packt
  • You can get the information you need immediately
  • You can easily take them with you on a laptop
  • You can download them an unlimited number of times
  • You can print them out
  • They are copy-paste enabled
  • They are searchable
  • There is no password protection
  • They are lower price than print
  • They save resources and space
What is an eBook? Packt Packt

Packt eBooks are a complete electronic version of the print edition, available in PDF and ePub formats. Every piece of content down to the page numbering is the same. Because we save the costs of printing and shipping the book to you, we are able to offer eBooks at a lower cost than print editions.

When you have purchased an eBook, simply login to your account and click on the link in Your Download Area. We recommend you saving the file to your hard drive before opening it.

For optimal viewing of our eBooks, we recommend you download and install the free Adobe Reader version 9.