Book description
Get well versed with state-of-the-art techniques to tailor training processes and boost the performance of computer vision models using machine learning and deep learning techniques
Key Features
- Develop, train, and use deep learning algorithms for computer vision tasks using TensorFlow 2.x
- Discover practical recipes to overcome various challenges faced while building computer vision models
- Enable machines to gain a human level understanding to recognize and analyze digital images and videos
Book Description
Computer vision is a scientific field that enables machines to identify and process digital images and videos. This book focuses on independent recipes to help you perform various computer vision tasks using TensorFlow.
The book begins by taking you through the basics of deep learning for computer vision, along with covering TensorFlow 2.x's key features, such as the Keras and tf.data.Dataset APIs. You'll then learn about the ins and outs of common computer vision tasks, such as image classification, transfer learning, image enhancing and styling, and object detection. The book also covers autoencoders in domains such as inverse image search indexes and image denoising, while offering insights into various architectures used in the recipes, such as convolutional neural networks (CNNs), region-based CNNs (R-CNNs), VGGNet, and You Only Look Once (YOLO).
Moving on, you'll discover tips and tricks to solve any problems faced while building various computer vision applications. Finally, you'll delve into more advanced topics such as Generative Adversarial Networks (GANs), video processing, and AutoML, concluding with a section focused on techniques to help you boost the performance of your networks.
By the end of this TensorFlow book, you'll be able to confidently tackle a wide range of computer vision problems using TensorFlow 2.x.
What you will learn
- Understand how to detect objects using state-of-the-art models such as YOLOv3
- Use AutoML to predict gender and age from images
- Segment images using different approaches such as FCNs and generative models
- Learn how to improve your network's performance using rank-N accuracy, label smoothing, and test time augmentation
- Enable machines to recognize people's emotions in videos and real-time streams
- Access and reuse advanced TensorFlow Hub models to perform image classification and object detection
- Generate captions for images using CNNs and RNNs
Who this book is for
This book is for computer vision developers and engineers, as well as deep learning practitioners looking for go-to solutions to various problems that commonly arise in computer vision. You will discover how to employ modern machine learning (ML) techniques and deep learning architectures to perform a plethora of computer vision tasks. Basic knowledge of Python programming and computer vision is required.
Table of contents
- TensorFlow 2.0 Computer Vision Cookbook
- Why subscribe?
- Contributors
- About the author
- About the reviewers
- Packt is searching for authors like you
- Preface
- Chapter 1: Getting Started with TensorFlow 2.x for Computer Vision
-
Chapter 2: Performing Image Classification
- Technical requirements
- Creating a binary classifier to detect smiles
- Creating a multi-class classifier to play rock paper scissors
- Creating a multi-label classifier to label watches
- Implementing ResNet from scratch
- Classifying images with a pre-trained network using the Keras API
- Classifying images with a pre-trained network using TensorFlow Hub
- Using data augmentation to improve performance with the Keras API
- Using data augmentation to improve performance with the tf.data and tf.image APIs
-
Chapter 3: Harnessing the Power of Pre-Trained Networks with Transfer Learning
- Technical requirements
- Implementing a feature extractor using a pre-trained network
- Training a simple classifier on extracted features
- Spot-checking extractors and classifiers
- Using incremental learning to train a classifier
- Fine-tuning a network using the Keras API
- Fine-tuning a network using TFHub
- Chapter 4: Enhancing and Styling Images with DeepDream, Neural Style Transfer, and Image Super-Resolution
- Chapter 5: Reducing Noise with Autoencoders
- Chapter 6: Generative Models and Adversarial Attacks
- Chapter 7: Captioning Images with CNNs and RNNs
- Chapter 8: Fine-Grained Understanding of Images through Segmentation
- Chapter 9: Localizing Elements in Images with Object Detection
- Chapter 10: Applying the Power of Deep Learning to Videos
- Chapter 11: Streamlining Network Implementation with AutoML
-
Chapter 12: Boosting Performance
- Technical requirements
- Using convolutional neural network ensembles to improve accuracy
- Using test time augmentation to improve accuracy
- Using rank-N accuracy to evaluate performance
- Using label smoothing to increase performance
- Checkpointing model
- Customizing the training process using tf.GradientTape
- Other Books You May Enjoy
Product information
- Title: TensorFlow 2.0 Computer Vision Cookbook
- Author(s):
- Release date: February 2021
- Publisher(s): Packt Publishing
- ISBN: 9781838829131
You might also like
book
Mastering Computer Vision with TensorFlow 2.x
Apply neural network architectures to build state-of-the-art computer vision applications using the Python programming language Key …
book
Hands-On Computer Vision with TensorFlow 2
A practical guide to building high performance systems for object detection, segmentation, video processing, smartphone applications, …
book
Hands-On Neural Networks with TensorFlow 2.0
A comprehensive guide to developing neural network-based solutions using TensorFlow 2.0 Key Features Understand the basics …
book
Machine Learning Using TensorFlow Cookbook
Master TensorFlow to create powerful machine learning algorithms, with valuable insights on Keras, Boosted Trees, Tabular …