舉報

會員
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)
- 有趣的二進制:軟件安全與逆向分析
- 數據庫原理及應用教程(第4版)(微課版)
- Unity 5.x Game AI Programming Cookbook
- 達夢數據庫編程指南
- 計算機信息技術基礎實驗與習題
- 數據驅動設計:A/B測試提升用戶體驗
- 跟老男孩學Linux運維:MySQL入門與提高實踐
- 智能數據時代:企業大數據戰略與實戰
- 云數據中心網絡與SDN:技術架構與實現
- PostgreSQL指南:內幕探索
- 大數據數學基礎(R語言描述)
- 利用Python進行數據分析(原書第2版)
- MySQL技術內幕:InnoDB存儲引擎
- Artificial Intelligence for Big Data
- 數據分析方法及應用:基于SPSS和EXCEL環境
- Discovering Business Intelligence Using MicroStrategy 9
- 大數據原理與技術
- Tableau數據可視化實戰
- 數據流上頻繁模式和高效用模式挖掘
- Practical Data Analysis Using Jupyter Notebook
- 大數據技術體系與開源生態
- 大數據運營與管理:數據中心數字化轉型之路
- 深入解析Oracle:數據庫的初始化
- 零基礎輕松學MySQL 5.7
- Power BI數據分析與數據可視化(微課版)
- Spark全棧數據分析
- 深度學習實踐:計算機視覺
- 數據庫技術及應用(Access)實驗指導與習題集
- Hadoop構建數據倉庫實踐