舉報

會員
Practical Convolutional Neural Networks
Thisbookisfordatascientists,machinelearninganddeeplearningpractitioners,CognitiveandArtificialIntelligenceenthusiastswhowanttomoveonestepfurtherinbuildingConvolutionalNeuralNetworks.Gethands-onexperiencewithextremedatasetsanddifferentCNNarchitecturestobuildefficientandsmartConvNetmodels.BasicknowledgeofdeeplearningconceptsandPythonprogramminglanguageisexpected.
目錄(166章)
倒序
- coverpage
- Title Page
- 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 更新時間:2021-06-24 18:59:19
推薦閱讀
- ETL數據整合與處理(Kettle)
- Enterprise Integration with WSO2 ESB
- 3D計算機視覺:原理、算法及應用
- SQL應用及誤區分析
- 云數據中心網絡與SDN:技術架構與實現
- Mastering LOB Development for Silverlight 5:A Case Study in Action
- 活用數據:驅動業務的數據分析實戰
- 大數據技術原理與應用:概念、存儲、處理、分析與應用
- 數據庫應用系統技術
- openGauss數據庫核心技術
- 大數據時代系列(套裝9冊)
- 數據中臺實戰:手把手教你搭建數據中臺
- 掌中寶:電腦綜合應用技巧
- 量化投資:交易模型開發與數據挖掘
- Python數據分析入門與實戰
- 數據庫原理及應用實踐教程
- 從運維菜鳥到大咖,你還有多遠II:企業數據中心建設及管理
- 軟件定義數據中心:Windows Server SDDC技術與實踐
- HBase應用實戰與性能調優
- OceanBase數據庫源碼解析
- 微軟云計算:Microsoft Azure部署與管理指南
- Spark大數據實時計算:基于Scala開發實戰
- TestComplete Cookbook
- R語言與數據挖掘
- 國產高分衛星遙感數據在自然資源調查中的應用實踐:以甘肅、寧夏為例
- 數據庫系統:原理、設計與編程(MOOC版)
- 計算機組裝與維護項目教程(第2版)
- 計算機應用基礎
- 計算機導論(第2版)
- 數據庫技術及應用(Access)實驗指導與習題集