舉報

會員
Neural Networks with Keras Cookbook
Thisbookwilltakeyoufromthebasicsofneuralnetworkstoadvancedimplementationsofarchitecturesusingarecipe-basedapproach.Wewilllearnabouthowneuralnetworksworkandtheimpactofvarioushyperparametersonanetwork'saccuracyalongwithleveragingneuralnetworksforstructuredandunstructureddata.Later,wewilllearnhowtoclassifyanddetectobjectsinimages.Wewillalsolearntousetransferlearningformultipleapplications,includingaself-drivingcarusingConvolutionalNeuralNetworks.WewillgenerateimageswhileleveragingGANsandalsobyperformingimageencoding.Additionally,wewillperformtextanalysisusingwordvectorbasedtechniques.Later,wewilluseRecurrentNeuralNetworksandLSTMtoimplementchatbotandMachineTranslationsystems.Finally,youwilllearnabouttranscribingimages,audio,andgeneratingcaptionsandalsouseDeepQ-learningtobuildanagentthatplaysSpaceInvadersgame.Bytheendofthisbook,youwillhavedevelopedtheskillstochooseandcustomizemultipleneuralnetworkarchitecturesforvariousdeeplearningproblemsyoumightencounter.
最新章節(jié)
- Leave a review - let other readers know what you think
- Other Books You May Enjoy
- How to do it...
- Getting ready
- Deep Q-learning to play Space Invaders game
- How to do it...
品牌:中圖公司
上架時間:2021-07-02 12:23:30
出版社:Packt Publishing
本書數(shù)字版權(quán)由中圖公司提供,并由其授權(quán)上海閱文信息技術(shù)有限公司制作發(fā)行
- Leave a review - let other readers know what you think 更新時間:2021-07-02 12:47:30
- Other Books You May Enjoy
- How to do it...
- Getting ready
- Deep Q-learning to play Space Invaders game
- How to do it...
- Getting ready
- Deep Q-learning to balance a cart pole
- How to do it...
- Getting ready
- Q-learning to maximize rewards when playing Frozen Lake
- There's more...
- How to do it...
- Getting ready
- The optimal action to take in a state in a simulated game
- How to do it...
- Getting ready
- The optimal action to take in a simulated game with a non-negative reward
- Reinforcement Learning
- There's more...
- How to do it...
- Getting ready
- Transcribing audio into text
- How to do it...
- Getting ready
- Generating music using deep learning
- How to do it...
- Getting ready
- Classifying a song by genre
- Audio Analysis
- How to do it...
- Getting ready
- Generating captions using beam search
- How to do it...
- Getting ready
- Image caption generation
- How to do it...
- Getting ready
- Handwritten-text recognition
- Calculating the CTC loss value
- Decoding CTC
- Connectionist temporal classification (CTC)
- Introduction
- End-to-End Learning
- How to do it...
- Encoder decoder architecture with attention for machine translation
- How to do it...
- Getting ready
- Encoder decoder architecture for machine translation
- Many to hidden to many architecture
- Traditional many to many architecture
- Preprocessing the data
- How to do it...
- Getting ready
- Machine translation
- Putting it all together
- Intent extraction
- How to do it...
- Getting ready
- Building a chatbot
- Returning sequences of outputs from a network
- Introduction
- Sequence-to-Sequence Learning
- There's more...
- The last five days' stock prices plus news data
- Assigning different weights to different time periods
- The pitfalls
- The last five days' stock prices only
- How to do it...
- Getting ready
- Forecasting the value of a stock's price
- There's more...
- How to do it...
- Getting ready
- Topic-modeling using embeddings
- Taking user history into consideration
- How to do it...
- Getting ready
- Movie recommendations
- How to do it...
- Getting ready
- Generating text
- Applications of a Many-to-One Architecture RNN
- There's more...
- How to do it...
- Implementing stacked LSTM for sentiment classification
- How to do it...
- Implementing LSTM for sentiment classification
- Validating the output
- How to do it...
- Getting ready
- Building a LSTM Network from scratch in Python
- There's more...
- How to do it...
- Implementing RNN for sentiment classification
- Validating the output
- How to do it...
- Getting ready
- Building an RNN from scratch in Python
- Why store memory?
- Interpreting an RNN
- Intuition of RNN architecture
- Introduction
- Building a Recurrent Neural Network
- There's more...
- How to do it...
- Building sentiment classification using word vectors
- How to do it...
- Getting ready
- Building word vectors using GloVe
- How to do it...
- Getting ready
- Building word vectors using fastText
- How to do it...
- Getting ready
- Creating a document vector
- How to do it...
- Performing vector arithmetic using pre-trained word vectors
- How to do it
- Getting ready
- Building a word vector using the skip-gram and CBOW models
- Measuring the similarity between word vectors
- How to do it...
- Getting ready
- Building a word vector from scratch in Python
- Introduction
- Text Analysis Using Word Vectors
- How to do it...
- Getting ready
- Encoding for recommender systems
- Grouping similar images
- Convolutional autoencoder
- Multilayer autoencoder
- Vanilla autoencoder
- How to do it...
- Getting ready
- Encoding an image
- Need for encoding in recommender systems
- Need for encoding in image analysis
- Need for encoding in text analysis
- Need for encoding
- Introduction
- Encoding Inputs
- There's more...
- How to do it...
- Getting ready
- Performing vector arithmetic on generated images
- How to do it...
- Getting ready
- Face transition from one to another
- How to do it...
- Getting ready
- Face generation using a Deep Convolutional GAN
- How to do it...
- Generating images using a Deep Convolutional GAN
- There's more...
- How to do it...
- Getting ready
- Generating images of digits using Generative Adversarial Networks
- How to do it...
- Getting ready
- Neural style transfer between images
- How to do it...
- Getting ready
- DeepDream algorithm to generate images
- How to do it...
- Getting ready
- Generating images that can fool a neural network using adversarial attack
- Introduction
- Image Generation
- How to do it...
- Getting ready
- Semantic segmentation of objects in an image
- How to do it...
- Getting ready
- Instance segmentation using the U-net architecture
- How to do it...
- Getting ready
- Predicting the angle within which a car needs to be turned
- How to do it...
- Getting ready
- Traffic sign identification
- Image Analysis Applications in Self-Driving Cars
- There's more...
- How to do it...
- Getting ready
- Detecting a person using an anchor box-based algorithm
- How to do it...
- Getting ready
- Performing non-max suppression
- How to do it...
- Getting ready
- Detecting objects using region proposal-based CNN
- How to do it...
- Calculating an intersection over a union between two images
- How to do it...
- Getting ready
- Generating region proposals within an image using selective search
- MacOS
- Ubuntu
- Windows
- How to do it...
- Creating the dataset for a bounding box
- Introduction
- Detecting and Localizing Objects in Images
- How to do it...
- Getting ready
- Detecting the key points within image of a face
- How to do it...
- Gender classification of the person in image using the ResNet 50 architecture-based model
- How to do it...
- Gender classification using the Inception v3 architecture-based model
- How to do it...
- Getting ready
- Gender classification of the person in image using the VGG19 architecture-based model
- How to do it...
- Getting ready
- Visualizing the output of the intermediate layers of a neural network
- How to do it...
- Getting ready
- Gender classification of the person in image using the VGG16 architecture-based model
- Scenario 3 – aggressive pooling on big images
- Scenario 2 – smaller images
- Scenario 1 – big images
- How to do it...
- Getting ready
- Gender classification of the person in an image using CNNs
- Transfer Learning
- Model accuracy with data augmentation
- Model accuracy without data augmentation
- How to do it...
- Getting ready
- Data augmentation to improve network accuracy
- There's more...
- How to do it...
- Getting ready
- Gender classification using CNNs
- How to do it...
- Getting ready
- CNNs to improve accuracy in the case of image translation
- Validating the CNN output
- How to do it...
- How do convolution and pooling help?
- From convolution activation to pooling
- From convolution to activation
- Padding
- Strides
- Filter
- Understanding convolution
- Getting ready
- Building a CNN from scratch using Python
- Problems with traditional NN
- How to do it...
- Inaccuracy of traditional neural networks when images are translated
- Introduction
- Building a Deep Convolutional Neural Network
- How to do it...
- Defining weights for rows
- How to do it...
- Leveraging a functional API
- How to do it...
- Getting ready
- Stock price prediction
- How to do it...
- Classifying common audio
- How to do it...
- Getting ready
- Categorizing news articles into topics
- Defining the custom loss function
- How to do it...
- Getting ready
- Predicting house prices
- How to do it...
- Getting ready
- Assigning weights for classes
- How it works...
- How to do it...
- Getting ready
- Predicting credit default
- Introduction
- Applications of Deep Feedforward Neural Networks
- How to do it...
- Speeding up the training process using batch normalization
- Overcoming overfitting using dropout
- How to do it
- Overcoming over-fitting using regularization
- Understanding the scenario of overfitting
- There's more...
- Getting ready
- Varying the loss optimizer to improve network accuracy
- How to do it...
- Getting ready
- Varying the learning rate to improve network accuracy
- How to do it...
- Getting ready
- Building a deep neural network to improve network accuracy
- How it works...
- How to do it...
- Getting ready
- Impact of batch size on model accuracy
- How to do it...
- Getting ready
- Impact on training when the majority of inputs are greater than zero
- There's more...
- How it works...
- How to do it...
- Getting ready
- Scaling the input dataset
- How it works...
- How to do it...
- Getting ready
- Training a vanilla neural network
- Building a Deep Feedforward Neural Network
- Building our first model in Keras
- Installing Keras
- How to do it...
- Building a neural network in Keras
- There's more...
- How to do it...
- Getting ready
- Building back-propagation from scratch in Python
- How to do it...
- Getting ready
- Feed-forward propagation from scratch in Python
- Applications of a neural network
- Training a neural network
- Architecture of a simple neural network
- Introduction
- Building a Feedforward Neural Network
- Reviews
- Get in touch
- See also
- There's more…
- How it works…
- How to do it…
- Getting ready
- Sections
- Conventions used
- Download the color images
- Download the example code files
- To get the most out of this book
- What this book covers
- Who this book is for
- Preface
- Packt is searching for authors like you
- About the reviewer
- About the author
- Contributors
- Packt.com
- Why subscribe?
- About Packt
- Dedication
- Neural Networks with Keras Cookbook
- Copyright and Credits
- Title Page
- coverpage
- coverpage
- Title Page
- Copyright and Credits
- Neural Networks with Keras Cookbook
- Dedication
- About Packt
- Why subscribe?
- Packt.com
- Contributors
- About the author
- 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
- Sections
- Getting ready
- How to do it…
- How it works…
- There's more…
- See also
- Get in touch
- Reviews
- Building a Feedforward Neural Network
- Introduction
- Architecture of a simple neural network
- Training a neural network
- Applications of a neural network
- Feed-forward propagation from scratch in Python
- Getting ready
- How to do it...
- Building back-propagation from scratch in Python
- Getting ready
- How to do it...
- There's more...
- Building a neural network in Keras
- How to do it...
- Installing Keras
- Building our first model in Keras
- Building a Deep Feedforward Neural Network
- Training a vanilla neural network
- Getting ready
- How to do it...
- How it works...
- Scaling the input dataset
- Getting ready
- How to do it...
- How it works...
- There's more...
- Impact on training when the majority of inputs are greater than zero
- Getting ready
- How to do it...
- Impact of batch size on model accuracy
- Getting ready
- How to do it...
- How it works...
- Building a deep neural network to improve network accuracy
- Getting ready
- How to do it...
- Varying the learning rate to improve network accuracy
- Getting ready
- How to do it...
- Varying the loss optimizer to improve network accuracy
- Getting ready
- There's more...
- Understanding the scenario of overfitting
- Overcoming over-fitting using regularization
- How to do it
- Overcoming overfitting using dropout
- Speeding up the training process using batch normalization
- How to do it...
- Applications of Deep Feedforward Neural Networks
- Introduction
- Predicting credit default
- Getting ready
- How to do it...
- How it works...
- Assigning weights for classes
- Getting ready
- How to do it...
- Predicting house prices
- Getting ready
- How to do it...
- Defining the custom loss function
- Categorizing news articles into topics
- Getting ready
- How to do it...
- Classifying common audio
- How to do it...
- Stock price prediction
- Getting ready
- How to do it...
- Leveraging a functional API
- How to do it...
- Defining weights for rows
- How to do it...
- Building a Deep Convolutional Neural Network
- Introduction
- Inaccuracy of traditional neural networks when images are translated
- How to do it...
- Problems with traditional NN
- Building a CNN from scratch using Python
- Getting ready
- Understanding convolution
- Filter
- Strides
- Padding
- From convolution to activation
- From convolution activation to pooling
- How do convolution and pooling help?
- How to do it...
- Validating the CNN output
- CNNs to improve accuracy in the case of image translation
- Getting ready
- How to do it...
- Gender classification using CNNs
- Getting ready
- How to do it...
- There's more...
- Data augmentation to improve network accuracy
- Getting ready
- How to do it...
- Model accuracy without data augmentation
- Model accuracy with data augmentation
- Transfer Learning
- Gender classification of the person in an image using CNNs
- Getting ready
- How to do it...
- Scenario 1 – big images
- Scenario 2 – smaller images
- Scenario 3 – aggressive pooling on big images
- Gender classification of the person in image using the VGG16 architecture-based model
- Getting ready
- How to do it...
- Visualizing the output of the intermediate layers of a neural network
- Getting ready
- How to do it...
- Gender classification of the person in image using the VGG19 architecture-based model
- Getting ready
- How to do it...
- Gender classification using the Inception v3 architecture-based model
- How to do it...
- Gender classification of the person in image using the ResNet 50 architecture-based model
- How to do it...
- Detecting the key points within image of a face
- Getting ready
- How to do it...
- Detecting and Localizing Objects in Images
- Introduction
- Creating the dataset for a bounding box
- How to do it...
- Windows
- Ubuntu
- MacOS
- Generating region proposals within an image using selective search
- Getting ready
- How to do it...
- Calculating an intersection over a union between two images
- How to do it...
- Detecting objects using region proposal-based CNN
- Getting ready
- How to do it...
- Performing non-max suppression
- Getting ready
- How to do it...
- Detecting a person using an anchor box-based algorithm
- Getting ready
- How to do it...
- There's more...
- Image Analysis Applications in Self-Driving Cars
- Traffic sign identification
- Getting ready
- How to do it...
- Predicting the angle within which a car needs to be turned
- Getting ready
- How to do it...
- Instance segmentation using the U-net architecture
- Getting ready
- How to do it...
- Semantic segmentation of objects in an image
- Getting ready
- How to do it...
- Image Generation
- Introduction
- Generating images that can fool a neural network using adversarial attack
- Getting ready
- How to do it...
- DeepDream algorithm to generate images
- Getting ready
- How to do it...
- Neural style transfer between images
- Getting ready
- How to do it...
- Generating images of digits using Generative Adversarial Networks
- Getting ready
- How to do it...
- There's more...
- Generating images using a Deep Convolutional GAN
- How to do it...
- Face generation using a Deep Convolutional GAN
- Getting ready
- How to do it...
- Face transition from one to another
- Getting ready
- How to do it...
- Performing vector arithmetic on generated images
- Getting ready
- How to do it...
- There's more...
- Encoding Inputs
- Introduction
- Need for encoding
- Need for encoding in text analysis
- Need for encoding in image analysis
- Need for encoding in recommender systems
- Encoding an image
- Getting ready
- How to do it...
- Vanilla autoencoder
- Multilayer autoencoder
- Convolutional autoencoder
- Grouping similar images
- Encoding for recommender systems
- Getting ready
- How to do it...
- Text Analysis Using Word Vectors
- Introduction
- Building a word vector from scratch in Python
- Getting ready
- How to do it...
- Measuring the similarity between word vectors
- Building a word vector using the skip-gram and CBOW models
- Getting ready
- How to do it
- Performing vector arithmetic using pre-trained word vectors
- How to do it...
- Creating a document vector
- Getting ready
- How to do it...
- Building word vectors using fastText
- Getting ready
- How to do it...
- Building word vectors using GloVe
- Getting ready
- How to do it...
- Building sentiment classification using word vectors
- How to do it...
- There's more...
- Building a Recurrent Neural Network
- Introduction
- Intuition of RNN architecture
- Interpreting an RNN
- Why store memory?
- Building an RNN from scratch in Python
- Getting ready
- How to do it...
- Validating the output
- Implementing RNN for sentiment classification
- How to do it...
- There's more...
- Building a LSTM Network from scratch in Python
- Getting ready
- How to do it...
- Validating the output
- Implementing LSTM for sentiment classification
- How to do it...
- Implementing stacked LSTM for sentiment classification
- How to do it...
- There's more...
- Applications of a Many-to-One Architecture RNN
- Generating text
- Getting ready
- How to do it...
- Movie recommendations
- Getting ready
- How to do it...
- Taking user history into consideration
- Topic-modeling using embeddings
- Getting ready
- How to do it...
- There's more...
- Forecasting the value of a stock's price
- Getting ready
- How to do it...
- The last five days' stock prices only
- The pitfalls
- Assigning different weights to different time periods
- The last five days' stock prices plus news data
- There's more...
- Sequence-to-Sequence Learning
- Introduction
- Returning sequences of outputs from a network
- Building a chatbot
- Getting ready
- How to do it...
- Intent extraction
- Putting it all together
- Machine translation
- Getting ready
- How to do it...
- Preprocessing the data
- Traditional many to many architecture
- Many to hidden to many architecture
- Encoder decoder architecture for machine translation
- Getting ready
- How to do it...
- Encoder decoder architecture with attention for machine translation
- How to do it...
- End-to-End Learning
- Introduction
- Connectionist temporal classification (CTC)
- Decoding CTC
- Calculating the CTC loss value
- Handwritten-text recognition
- Getting ready
- How to do it...
- Image caption generation
- Getting ready
- How to do it...
- Generating captions using beam search
- Getting ready
- How to do it...
- Audio Analysis
- Classifying a song by genre
- Getting ready
- How to do it...
- Generating music using deep learning
- Getting ready
- How to do it...
- Transcribing audio into text
- Getting ready
- How to do it...
- There's more...
- Reinforcement Learning
- The optimal action to take in a simulated game with a non-negative reward
- Getting ready
- How to do it...
- The optimal action to take in a state in a simulated game
- Getting ready
- How to do it...
- There's more...
- Q-learning to maximize rewards when playing Frozen Lake
- Getting ready
- How to do it...
- Deep Q-learning to balance a cart pole
- Getting ready
- How to do it...
- Deep Q-learning to play Space Invaders game
- Getting ready
- How to do it...
- Other Books You May Enjoy
- Leave a review - let other readers know what you think 更新時間:2021-07-02 12:47:30