万本电子书0元读

万本电子书0元读

顶部广告

Practical Convolutional Neural Networks电子书

售       价:¥

1人正在读 | 0人评论 9.8

作       者:Mohit Sewak,Md. Rezaul Karim,Pradeep Pujari

出  版  社:Packt Publishing

出版时间:2018-02-27

字       数:24.5万

所属分类: 进口书 > 外文原版书 > 电脑/网络

温馨提示:数字商品不支持退换货,不提供源文件,不支持导出打印

为你推荐

  • 读书简介
  • 目录
  • 累计评论(0条)
  • 读书简介
  • 目录
  • 累计评论(0条)
One stop guide to implementing award-winning, and cutting-edge CNN architectures About This Book ? Fast-paced guide with use cases and real-world examples to get well versed with CNN techniques ? Implement CNN models on image classification, transfer learning, Object Detection, Instance Segmentation, GANs and more ? Implement powerful use-cases like image captioning, reinforcement learning for hard attention, and recurrent attention models Who This Book Is For This book is for data scientists, machine learning and deep learning practitioners, Cognitive and Artificial Intelligence enthusiasts who want to move one step further in building Convolutional Neural Networks. Get hands-on experience with extreme datasets and different CNN architectures to build efficient and smart ConvNet models. Basic knowledge of deep learning concepts and Python programming language is expected. What You Will Learn ? From CNN basic building blocks to advanced concepts understand practical areas they can be applied to ? Build an image classifier CNN model to understand how different components interact with each other, and then learn how to optimize it ? Learn different algorithms that can be applied to Object Detection, and Instance Segmentation ? Learn advanced concepts like attention mechanisms for CNN to improve prediction accuracy ? Understand transfer learning and implement award-winning CNN architectures like AlexNet, VGG, GoogLeNet, ResNet and more ? Understand the working of generative adversarial networks and how it can create new, unseen images In Detail Convolutional Neural Network (CNN) is revolutionizing several application domains such as visual recognition systems, self-driving cars, medical discoveries, innovative eCommerce and more.You will learn to create innovative solutions around image and video analytics to solve complex machine learning and computer vision related problems and implement real-life CNN models. This book starts with an overview of deep neural networkswith the example of image classification and walks you through building your first CNN for human face detector. We will learn to use concepts like transfer learning with CNN, and Auto-Encoders to build very powerful models, even when not much of supervised training data of labeled images is available. Later we build upon the learning achieved to build advanced vision related algorithms for object detection, instance segmentation, generative adversarial networks, image captioning, attention mechanisms for vision, and recurrent models for vision. By the end of this book, you should be ready to implement advanced, effective and efficient CNN models at your professional project or personal initiatives by working on complex image and video datasets. Style and approach An easy to follow concise and illustrative guide explaining the core concepts of ConvNets to help you understand, implement and deploy your CNN models quickly.
目录展开

Title Page

Copyright and Credits

Practical Convolutional Neural Networks

Packt Upsell

Why subscribe?

PacktPub.com

Contributors

About the authors

About the reviewer

Packt is searching for authors like you

Preface

Who this book is for

What this book covers

To get the most out of this book

Download the example code files

Download the color images

Conventions used

Get in touch

Reviews

Deep Neural Networks – Overview

Building blocks of a neural network

Introduction to TensorFlow

Installing TensorFlow

For macOS X/Linux variants

TensorFlow basics

Basic math with TensorFlow

Softmax in TensorFlow

Introduction to the MNIST dataset

The simplest artificial neural network

Building a single-layer neural network with TensorFlow

Keras deep learning library overview

Layers in the Keras model

Handwritten number recognition with Keras and MNIST

Retrieving training and test data

Flattened data

Visualizing the training data

Building the network

Training the network

Testing

Understanding backpropagation

Summary

Introduction to Convolutional Neural Networks

History of CNNs

Convolutional neural networks

How do computers interpret images?

Code for visualizing an image

Dropout

Input layer

Convolutional layer

Convolutional layers in Keras

Pooling layer

Practical example – image classification

Image augmentation

Summary

Build Your First CNN and Performance Optimization

CNN architectures and drawbacks of DNNs

Convolutional operations

Pooling, stride, and padding operations

Fully connected layer

Convolution and pooling operations in TensorFlow

Applying pooling operations in TensorFlow

Convolution operations in TensorFlow

Training a CNN

Weight and bias initialization

Regularization

Activation functions

Using sigmoid

Using tanh

Using ReLU

Building, training, and evaluating our first CNN

Dataset description

Step 1 – Loading the required packages

Step 2 – Loading the training/test images to generate train/test set

Step 3- Defining CNN hyperparameters

Step 4 – Constructing the CNN layers

Step 5 – Preparing the TensorFlow graph

Step 6 – Creating a CNN model

Step 7 – Running the TensorFlow graph to train the CNN model

Step 8 – Model evaluation

Model performance optimization

Number of hidden layers

Number of neurons per hidden layer

Batch normalization

Advanced regularization and avoiding overfitting

Applying dropout operations with TensorFlow

Which optimizer to use?

Memory tuning

Appropriate layer placement

Building the second CNN by putting everything together

Dataset description and preprocessing

Creating the CNN model

Training and evaluating the network

Summary

Popular CNN Model Architectures

Introduction to ImageNet

LeNet

AlexNet architecture

Traffic sign classifiers using AlexNet

VGGNet architecture

VGG16 image classification code example

GoogLeNet architecture

Architecture insights

Inception module

ResNet architecture

Summary

Transfer Learning

Feature extraction approach

Target dataset is small and is similar to the original training dataset

Target dataset is small but different from the original training dataset

Target dataset is large and similar to the original training dataset

Target dataset is large and different from the original training dataset

Transfer learning example

Multi-task learning

Summary

Autoencoders for CNN

Introducing to autoencoders

Convolutional autoencoder

Applications

An example of compression

Summary

Object Detection and Instance Segmentation with CNN

The differences between object detection and image classification

Why is object detection much more challenging than image classification?

Traditional, nonCNN approaches to object detection

Haar features, cascading classifiers, and the Viola-Jones algorithm

Haar Features

Cascading classifiers

The Viola-Jones algorithm

R-CNN – Regions with CNN features

Fast R-CNN – fast region-based CNN

Faster R-CNN – faster region proposal network-based CNN

Mask R-CNN – Instance segmentation with CNN

Instance segmentation in code

Creating the environment

Installing Python dependencies (Python2 environment)

Downloading and installing the COCO API and detectron library (OS shell commands)

Preparing the COCO dataset folder structure

Running the pre-trained model on the COCO dataset

References

Summary

GAN: Generating New Images with CNN

Pix2pix - Image-to-Image translation GAN

CycleGAN

Training a GAN model

GAN – code example

Calculating loss

Adding the optimizer

Semi-supervised learning and GAN

Feature matching

Semi-supervised classification using a GAN example

Deep convolutional GAN

Batch normalization

Summary

Attention Mechanism for CNN and Visual Models

Attention mechanism for image captioning

Types of Attention

Hard Attention

Soft Attention

Using attention to improve visual models

Reasons for sub-optimal performance of visual CNN models

Recurrent models of visual attention

Applying the RAM on a noisy MNIST sample

Glimpse Sensor in code

References

Summary

Other Books You May Enjoy

Leave a review - let other readers know what you think

累计评论(0条) 0个书友正在讨论这本书 发表评论

发表评论

发表评论,分享你的想法吧!

买过这本书的人还买过

读了这本书的人还在读

回顶部