Book description
Build cutting edge machine and deep learning systems for the lab, production, and mobile devices. Purchase of the print or Kindle book includes a free eBook in PDF format.
Key Features
- Understand the fundamentals of deep learning and machine learning through clear explanations and extensive code samples
- Implement graph neural networks, transformers using Hugging Face and TensorFlow Hub, and joint and contrastive learning
- Learn cutting-edge machine and deep learning techniques
Book Description
Deep Learning with TensorFlow and Keras teaches you neural networks and deep learning techniques using TensorFlow (TF) and Keras. You'll learn how to write deep learning applications in the most powerful, popular, and scalable machine learning stack available.
TensorFlow 2.x focuses on simplicity and ease of use, with updates like eager execution, intuitive higher-level APIs based on Keras, and flexible model building on any platform. This book uses the latest TF 2.0 features and libraries to present an overview of supervised and unsupervised machine learning models and provides a comprehensive analysis of deep learning and reinforcement learning models using practical examples for the cloud, mobile, and large production environments.
This book also shows you how to create neural networks with TensorFlow, runs through popular algorithms (regression, convolutional neural networks (CNNs), transformers, generative adversarial networks (GANs), recurrent neural networks (RNNs), natural language processing (NLP), and graph neural networks (GNNs)), covers working example apps, and then dives into TF in production, TF mobile, and TensorFlow with AutoML.
What you will learn
- Learn how to use the popular GNNs with TensorFlow to carry out graph mining tasks
- Discover the world of transformers, from pretraining to fine-tuning to evaluating them
- Apply self-supervised learning to natural language processing, computer vision, and audio signal processing
- Combine probabilistic and deep learning models using TensorFlow Probability
- Train your models on the cloud and put TF to work in real environments
- Build machine learning and deep learning systems with TensorFlow 2.x and the Keras API
Who this book is for
This hands-on machine learning book is for Python developers and data scientists who want to build machine learning and deep learning systems with TensorFlow. This book gives you the theory and practice required to use Keras, TensorFlow, and AutoML to build machine learning systems. Some machine learning knowledge would be useful. We don’t assume TF knowledge.
Table of contents
- Preface
-
Neural Network Foundations with TF
- What is TensorFlow (TF)?
- What is Keras?
- Introduction to neural networks
- Perceptron
- Multi-layer perceptron: our first example of a network
-
A real example: recognizing handwritten digits
- One hot-encoding (OHE)
- Defining a simple neural net in TensorFlow
- Running a simple TensorFlow net and establishing a baseline
- Improving the simple net in TensorFlow with hidden layers
- Further improving the simple net in TensorFlow with dropout
- Testing different optimizers in TensorFlow
- Increasing the number of epochs
- Controlling the optimizer learning rate
- Increasing the number of internal hidden neurons
- Increasing the size of batch computation
- Summarizing experiments run to recognizing handwritten digits
- Regularization
- Playing with Google Colab: CPUs, GPUs, and TPUs
- Sentiment analysis
- Predicting output
- A practical overview of backpropagation
- What have we learned so far?
- Toward a deep learning approach
- Summary
- References
- Regression and Classification
- Convolutional Neural Networks
-
Word Embeddings
- Word embedding ‒ origins and fundamentals
- Distributed representations
- Static embeddings
- Creating your own embeddings using Gensim
- Exploring the embedding space with Gensim
- Using word embeddings for spam detection
- Neural embeddings – not just for words
- Character and subword embeddings
- Dynamic embeddings
- Sentence and paragraph embeddings
- Language model-based embeddings
- Summary
- References
- Recurrent Neural Networks
- Transformers
- Unsupervised Learning
- Autoencoders
- Generative Models
- Self-Supervised Learning
- Reinforcement Learning
- Probabilistic TensorFlow
- An Introduction to AutoML
-
The Math Behind Deep Learning
- History
- Some mathematical tools
- Activation functions
- Backpropagation
- A note on TensorFlow and automatic differentiation
- Summary
- References
- Tensor Processing Unit
- Other Useful Deep Learning Libraries
- Graph Neural Networks
- Machine Learning Best Practices
- TensorFlow 2 Ecosystem
-
Advanced Convolutional Neural Networks
- Composing CNNs for complex tasks
- Application zoos with tf.Keras and TensorFlow Hub
- Answering questions about images (visual Q&A)
- Creating a DeepDream network
- Inspecting what a network has learned
- Video
- Text documents
- Audio and music
- A summary of convolution operations
- Capsule networks
- Summary
- References
- Other Books You May Enjoy
- Index
Product information
- Title: Deep Learning with TensorFlow and Keras - Third Edition
- Author(s):
- Release date: October 2022
- Publisher(s): Packt Publishing
- ISBN: 9781803232911
You might also like
book
Hands-On Machine Learning with Scikit-Learn and TensorFlow
Graphics in this book are printed in black and white. Through a series of recent breakthroughs, …
video
Deep Learning with TensorFlow, Keras, and PyTorch
7+ Hours of Video Instruction An intuitive, application-focused introduction to deep learning and TensorFlow, Keras, and …
book
Generative AI with Python and TensorFlow 2
Implement classical and deep learning generative models through practical examples Key Features Explore creative and human-like …
book
Deep Learning with PyTorch
Every other day we hear about new ways to put deep learning to good use: improved …