Python Deep Learning Cookbook

Solve different problems in modelling deep neural networks using Python, Tensorflow, and Keras with this practical guide
Preview in Mapt

Python Deep Learning Cookbook

Indra den Bakker

3 customer reviews
Solve different problems in modelling deep neural networks using Python, Tensorflow, and Keras with this practical guide
Mapt Subscription
FREE
€29.98/m after trial
eBook
€8.40
RRP €41.98
Save 79%
Print + eBook
€42.99
RRP €42.99
What do I get with a Mapt Pro subscription?
  • Unlimited access to all Packt’s 5,000+ eBooks and Videos
  • Early Access content, Progress Tracking, and Assessments
  • 1 Free eBook or Video to download and keep every month after trial
What do I get with an eBook?
  • Download this book in EPUB, PDF, MOBI formats
  • DRM FREE - read and interact with your content when you want, where you want, and how you want
  • Access this title in the Mapt reader
What do I get with Print & eBook?
  • Get a paperback copy of the book delivered to you
  • Download this book in EPUB, PDF, MOBI formats
  • DRM FREE - read and interact with your content when you want, where you want, and how you want
  • Access this title in the Mapt reader
What do I get with a Video?
  • Download this Video course in MP4 format
  • DRM FREE - read and interact with your content when you want, where you want, and how you want
  • Access this title in the Mapt reader
€0.00
€8.40
€42.99
€29.99 p/m after trial
RRP €41.98
RRP €42.99
Subscription
eBook
Print + eBook
Start 14 Day Trial

Frequently bought together


Python Deep Learning Cookbook Book Cover
Python Deep Learning Cookbook
€ 41.98
€ 8.40
Python Machine Learning - Second Edition Book Cover
Python Machine Learning - Second Edition
€ 37.18
€ 9.81
Buy 2 for €18.21
Save €50.80
Add to Cart

Book Details

ISBN 139781787125193
Paperback330 pages

Book Description

Deep Learning is revolutionizing a wide range of industries. For many applications, deep learning has proven to outperform humans by making faster and more accurate predictions. This book provides a top-down and bottom-up approach to demonstrate deep learning solutions to real-world problems in different areas. These applications include Computer Vision, Natural Language Processing, Time Series, and Robotics.

The Python Deep Learning Cookbook presents technical solutions to the issues presented, along with a detailed explanation of the solutions. Furthermore, a discussion on corresponding pros and cons of implementing the proposed solution using one of the popular frameworks like TensorFlow, PyTorch, Keras and CNTK is provided. The book includes recipes that are related to the basic concepts of neural networks. All techniques s, as well as classical networks topologies. The main purpose of this book is to provide Python programmers a detailed list of recipes to apply deep learning to common and not-so-common scenarios.

Table of Contents

Chapter 1: Programming Environments, GPU Computing, Cloud Solutions, and Deep Learning Frameworks
Introduction
Setting up a deep learning environment
Launching an instance on Amazon Web Services (AWS)
Launching an instance on Google Cloud Platform (GCP)
Installing CUDA and cuDNN
Installing Anaconda and libraries
Connecting with Jupyter Notebooks on a server
Building state-of-the-art, production-ready models with TensorFlow
Intuitively building networks with Keras 
Using PyTorch’s dynamic computation graphs for RNNs
Implementing high-performance models with CNTK
Building efficient models with MXNet
Defining networks using simple and efficient code with Gluon
Chapter 2: Feed-Forward Neural Networks
Introduction
Understanding the perceptron
Implementing a single-layer neural network
Building a multi-layer neural network
Getting started with activation functions
Experiment with hidden layers and hidden units
Implementing an autoencoder
Tuning the loss function
Experimenting with different optimizers
Improving generalization with regularization
Adding dropout to prevent overfitting
Chapter 3: Convolutional Neural Networks
Introduction
Applying pooling layers
Optimizing with batch normalization
Understanding padding and strides
Experimenting with different types of initialization
Implementing a convolutional autoencoder
Applying a 1D CNN to text
Chapter 4: Recurrent Neural Networks
Introduction
Implementing a simple RNN
Adding Long Short-Term Memory (LSTM)
Using gated recurrent units (GRUs)
Implementing bidirectional RNNs
Character-level text generation
Chapter 5: Reinforcement Learning
Introduction
Implementing policy gradients
Implementing a deep Q-learning algorithm
Chapter 6: Generative Adversarial Networks
Introduction
Understanding GANs
Implementing Deep Convolutional GANs (DCGANs) 
Upscaling the resolution of images with Super-Resolution GANs (SRGANs)
Chapter 7: Computer Vision
Introduction
Augmenting images with computer vision techniques
Classifying objects in images
Localizing an object in images
Segmenting classes in images with U-net
Scene understanding (semantic segmentation)
Finding facial key points
Recognizing faces
Transferring styles to images
Chapter 8: Natural Language Processing
Introduction
Analyzing sentiment
Translating sentences
Summarizing text
Chapter 9: Speech Recognition and Video Analysis
Introduction
Implementing a speech recognition pipeline from scratch
Identifying speakers with voice recognition
Understanding videos with deep learning
Chapter 10: Time Series and Structured Data
Introduction
Predicting stock prices with neural networks
Predicting bike sharing demand
Using a shallow neural network for binary classification
Chapter 11: Game Playing Agents and Robotics
Introduction
Learning to drive a car with end-to-end learning
Learning to play games with deep reinforcement learning
Genetic Algorithm (GA) to optimize hyperparameters
Chapter 12: Hyperparameter Selection, Tuning, and Neural Network Learning
Introduction
Visualizing training with TensorBoard and Keras
Working with batches and mini-batches
Using grid search for parameter tuning
Learning rates and learning rate schedulers
Comparing optimizers
Determining the depth of the network
Adding dropouts to prevent overfitting
Making a model more robust with data augmentation
Chapter 13: Network Internals
Introduction
Visualizing training with TensorBoard
Analyzing network weights and more
Freezing layers
Storing the network topology and trained weights
Chapter 14: Pretrained Models
Introduction
Large-scale visual recognition with GoogLeNet/Inception
Extracting bottleneck features with ResNet
Leveraging pretrained VGG models for new classes
Fine-tuning with Xception

What You Will Learn

  • Implement different neural network models in Python
  • Select the best Python framework for deep learning such as PyTorch, Tensorflow, MXNet and Keras
  • Apply tips and tricks related to neural networks internals, to boost learning performances
  • Consolidate machine learning principles and apply them in the deep learning field
  • Reuse and adapt Python code snippets to everyday problems
  • Evaluate the cost/benefits and performance implication of each discussed solution

Authors

Table of Contents

Chapter 1: Programming Environments, GPU Computing, Cloud Solutions, and Deep Learning Frameworks
Introduction
Setting up a deep learning environment
Launching an instance on Amazon Web Services (AWS)
Launching an instance on Google Cloud Platform (GCP)
Installing CUDA and cuDNN
Installing Anaconda and libraries
Connecting with Jupyter Notebooks on a server
Building state-of-the-art, production-ready models with TensorFlow
Intuitively building networks with Keras 
Using PyTorch’s dynamic computation graphs for RNNs
Implementing high-performance models with CNTK
Building efficient models with MXNet
Defining networks using simple and efficient code with Gluon
Chapter 2: Feed-Forward Neural Networks
Introduction
Understanding the perceptron
Implementing a single-layer neural network
Building a multi-layer neural network
Getting started with activation functions
Experiment with hidden layers and hidden units
Implementing an autoencoder
Tuning the loss function
Experimenting with different optimizers
Improving generalization with regularization
Adding dropout to prevent overfitting
Chapter 3: Convolutional Neural Networks
Introduction
Applying pooling layers
Optimizing with batch normalization
Understanding padding and strides
Experimenting with different types of initialization
Implementing a convolutional autoencoder
Applying a 1D CNN to text
Chapter 4: Recurrent Neural Networks
Introduction
Implementing a simple RNN
Adding Long Short-Term Memory (LSTM)
Using gated recurrent units (GRUs)
Implementing bidirectional RNNs
Character-level text generation
Chapter 5: Reinforcement Learning
Introduction
Implementing policy gradients
Implementing a deep Q-learning algorithm
Chapter 6: Generative Adversarial Networks
Introduction
Understanding GANs
Implementing Deep Convolutional GANs (DCGANs) 
Upscaling the resolution of images with Super-Resolution GANs (SRGANs)
Chapter 7: Computer Vision
Introduction
Augmenting images with computer vision techniques
Classifying objects in images
Localizing an object in images
Segmenting classes in images with U-net
Scene understanding (semantic segmentation)
Finding facial key points
Recognizing faces
Transferring styles to images
Chapter 8: Natural Language Processing
Introduction
Analyzing sentiment
Translating sentences
Summarizing text
Chapter 9: Speech Recognition and Video Analysis
Introduction
Implementing a speech recognition pipeline from scratch
Identifying speakers with voice recognition
Understanding videos with deep learning
Chapter 10: Time Series and Structured Data
Introduction
Predicting stock prices with neural networks
Predicting bike sharing demand
Using a shallow neural network for binary classification
Chapter 11: Game Playing Agents and Robotics
Introduction
Learning to drive a car with end-to-end learning
Learning to play games with deep reinforcement learning
Genetic Algorithm (GA) to optimize hyperparameters
Chapter 12: Hyperparameter Selection, Tuning, and Neural Network Learning
Introduction
Visualizing training with TensorBoard and Keras
Working with batches and mini-batches
Using grid search for parameter tuning
Learning rates and learning rate schedulers
Comparing optimizers
Determining the depth of the network
Adding dropouts to prevent overfitting
Making a model more robust with data augmentation
Chapter 13: Network Internals
Introduction
Visualizing training with TensorBoard
Analyzing network weights and more
Freezing layers
Storing the network topology and trained weights
Chapter 14: Pretrained Models
Introduction
Large-scale visual recognition with GoogLeNet/Inception
Extracting bottleneck features with ResNet
Leveraging pretrained VGG models for new classes
Fine-tuning with Xception

Book Details

ISBN 139781787125193
Paperback330 pages
Read More
From 3 reviews

Read More Reviews

Recommended for You

Python Machine Learning - Second Edition Book Cover
Python Machine Learning - Second Edition
€ 37.18
€ 9.81
Natural Language Processing with Python Cookbook Book Cover
Natural Language Processing with Python Cookbook
€ 37.18
€ 9.81
TensorFlow 1.x Deep Learning Cookbook Book Cover
TensorFlow 1.x Deep Learning Cookbook
€ 41.98
€ 9.81
Predictive Analytics with TensorFlow Book Cover
Predictive Analytics with TensorFlow
€ 45.58
€ 9.81
scikit-learn Cookbook - Second Edition Book Cover
scikit-learn Cookbook - Second Edition
€ 37.18
€ 9.81
Deep Learning with Keras Book Cover
Deep Learning with Keras
€ 45.58
€ 9.81