Python deep learning cookbook :: over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python /
Solve different problems in modelling deep neural networks using Python, Tensorflow, and Keras with this practical guide About This Book Practical recipes on training different neural network models and tuning them for optimal performance Use Python frameworks like TensorFlow, Caffe, Keras, Theano f...
Gespeichert in:
1. Verfasser: | |
---|---|
Format: | Elektronisch E-Book |
Sprache: | English |
Veröffentlicht: |
Birmingham, UK :
Packt Publishing,
2017.
|
Schlagworte: | |
Online-Zugang: | Volltext |
Zusammenfassung: | Solve different problems in modelling deep neural networks using Python, Tensorflow, and Keras with this practical guide About This Book Practical recipes on training different neural network models and tuning them for optimal performance Use Python frameworks like TensorFlow, Caffe, Keras, Theano for Natural Language Processing, Computer Vision, and more A hands-on guide covering the common as well as the not so common problems in deep learning using Python Who This Book Is For This book is intended for machine learning professionals who are looking to use deep learning algorithms to create real-world applications using Python. Thorough understanding of the machine learning concepts and Python libraries such as NumPy, SciPy and scikit-learn is expected. Additionally, basic knowledge in linear algebra and calculus is desired. What You Will Learn Implement different neural network models in Python Select the best Python framework for deep learning such as PyTorch, Tensorflow, MXNet and Keras Apply tips and tricks related to neural networks internals, to boost learning performances Consolidate machine learning principles and apply them in the deep learning field Reuse and adapt Python code snippets to everyday problems Evaluate the cost/benefits and performance implication of each discussed solution In Detail Deep Learning is revolutionizing a wide range of industries. For many applications, deep learning has proven to outperform humans by making faster and more accurate predictions. This book provides a top-down and bottom-up approach to demonstrate deep learning solutions to real-world problems in different areas. These applications include Computer Vision, Natural Language Processing, Time Series, and Robotics. The Python Deep Learning Cookbook presents technical solutions to the issues presented, along with a detailed explanation of the solutions. Furthermore, a discussion on corresponding pros and cons of implementing the proposed solution using one of the popular frameworks like TensorFlow, PyTorch, Keras and CNTK is provided. The book includes recipes that are related to the basic concepts of neural networks. All techniques s, as well as classical networks topologies. The main purpose of this book is to provide Python programmers a detailed list of recipes to apply deep learning to common and not-so-common scenarios. Style and approach Unique blend of independent recipes arranged in the most logical manner. |
Beschreibung: | 1 online resource (1 volume) : illustrations |
ISBN: | 9781787122253 1787122255 178712519X 9781787125193 |
Internformat
MARC
LEADER | 00000cam a2200000 i 4500 | ||
---|---|---|---|
001 | ZDB-4-EBA-on1015687240 | ||
003 | OCoLC | ||
005 | 20241004212047.0 | ||
006 | m o d | ||
007 | cr unu|||||||| | ||
008 | 171218s2017 enka o 000 0 eng d | ||
040 | |a UMI |b eng |e rda |e pn |c UMI |d IDEBK |d NLE |d OCLCF |d TOH |d N$T |d CEF |d KSU |d OCLCQ |d DEBBG |d UKMGB |d G3B |d S9I |d UAB |d UKAHL |d K6U |d QGK |d OCLCQ |d OCLCO |d OCLCQ |d OCLCO |d OCLCQ |d OCLCO |d OCLCL |d DXU | ||
015 | |a GBB7O8222 |2 bnb | ||
016 | 7 | |a 018610864 |2 Uk | |
020 | |a 9781787122253 |q (electronic bk.) | ||
020 | |a 1787122255 |q (electronic bk.) | ||
020 | |a 178712519X | ||
020 | |a 9781787125193 | ||
020 | |z 9781787125193 | ||
035 | |a (OCoLC)1015687240 | ||
037 | |a CL0500000920 |b Safari Books Online | ||
050 | 4 | |a QA76.73.P98 | |
072 | 7 | |a COM |x 051360 |2 bisacsh | |
082 | 7 | |a 005.133 |2 23 | |
049 | |a MAIN | ||
100 | 1 | |a Bakker, Indra den, |e author. | |
245 | 1 | 0 | |a Python deep learning cookbook : |b over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / |c Indra den Bakker. |
246 | 3 | 0 | |a Over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python |
264 | 1 | |a Birmingham, UK : |b Packt Publishing, |c 2017. | |
300 | |a 1 online resource (1 volume) : |b illustrations | ||
336 | |a text |b txt |2 rdacontent | ||
337 | |a computer |b c |2 rdamedia | ||
338 | |a online resource |b cr |2 rdacarrier | ||
347 | |a data file | ||
588 | 0 | |a Online resource; title from title page (Safari, viewed December 11, 2017). | |
520 | |a Solve different problems in modelling deep neural networks using Python, Tensorflow, and Keras with this practical guide About This Book Practical recipes on training different neural network models and tuning them for optimal performance Use Python frameworks like TensorFlow, Caffe, Keras, Theano for Natural Language Processing, Computer Vision, and more A hands-on guide covering the common as well as the not so common problems in deep learning using Python Who This Book Is For This book is intended for machine learning professionals who are looking to use deep learning algorithms to create real-world applications using Python. Thorough understanding of the machine learning concepts and Python libraries such as NumPy, SciPy and scikit-learn is expected. Additionally, basic knowledge in linear algebra and calculus is desired. What You Will Learn Implement different neural network models in Python Select the best Python framework for deep learning such as PyTorch, Tensorflow, MXNet and Keras Apply tips and tricks related to neural networks internals, to boost learning performances Consolidate machine learning principles and apply them in the deep learning field Reuse and adapt Python code snippets to everyday problems Evaluate the cost/benefits and performance implication of each discussed solution In Detail Deep Learning is revolutionizing a wide range of industries. For many applications, deep learning has proven to outperform humans by making faster and more accurate predictions. This book provides a top-down and bottom-up approach to demonstrate deep learning solutions to real-world problems in different areas. These applications include Computer Vision, Natural Language Processing, Time Series, and Robotics. The Python Deep Learning Cookbook presents technical solutions to the issues presented, along with a detailed explanation of the solutions. Furthermore, a discussion on corresponding pros and cons of implementing the proposed solution using one of the popular frameworks like TensorFlow, PyTorch, Keras and CNTK is provided. The book includes recipes that are related to the basic concepts of neural networks. All techniques s, as well as classical networks topologies. The main purpose of this book is to provide Python programmers a detailed list of recipes to apply deep learning to common and not-so-common scenarios. Style and approach Unique blend of independent recipes arranged in the most logical manner. | ||
505 | 0 | |a Cover -- Copyright -- Credits -- About the Author -- About the Reviewer -- www.PacktPub.com -- Customer Feedback -- Table of Contents -- Preface -- Chapter 1: Programming Environments, GPU Computing, Cloud Solutions, and Deep Learning Frameworks -- Introduction -- Setting up a deep learningamp -- #160 -- environment -- How to do it... -- Launching an instance on Amazon Web Services (AWS) -- Getting ready -- How to do it... -- Launching an instance on Google Cloud Platform (GCP) -- Getting ready -- How to do it... -- Installing CUDA andamp -- #160 -- cuDNN -- Getting ready -- How to do it... -- Installing Anaconda and libraries -- How to do it... -- Connecting with Jupyter Notebooks on a server -- How to do it... -- Building state-of-the-art, production-ready models with TensorFlow -- How to do it... -- Intuitively building networks with Kerasamp -- #160 -- How to do it... -- Using PyTorch's dynamic computation graphs for RNNs -- How to do it... -- Implementing high-performance models with CNTK -- How to do it... -- Building efficient models with MXNet -- How to do it... -- Defining networks using simple and efficient code with Gluon -- How to do it... -- Chapter 2: Feed-Forward Neural Networks -- Introduction -- Understanding the perceptron -- How to do it... -- Implementing a single-layer neural network -- How to do it... -- Building a multi-layer neural network -- How to do it... -- Getting started with activation functions -- How to do it... -- Experiment with hidden layers and hidden units -- How to do it... -- There's more... -- Implementing an autoencoder -- How to do it... -- Tuning the loss function -- How to do it... -- Experimenting with different optimizers -- How to do it... -- Improving generalization with regularization -- How to do it... -- Adding dropout to prevent overfitting -- How to do it. | |
505 | 8 | |a Chapter 3: Convolutional Neural Networks -- Introduction -- Getting started with filters and parameter sharing -- How to do it... -- Applying pooling layers -- How to do it... -- Optimizing with batch normalization -- How to do it... -- Understanding padding and strides -- How to do it... -- Experimenting with different types of initialization -- How to do it... -- Implementing a convolutional autoencoder -- How to do it... -- Applying a 1D CNN to text -- How to do it... -- Chapter 4: Recurrent Neural Networks -- Introduction -- Implementing a simple RNN -- How to do it... -- Adding Long Short-Term Memory (LSTM) -- How to do it... -- Using gated recurrent units (GRUs) -- How to do it... -- Implementing bidirectional RNNs -- How to do it... -- Character-level text generation -- How to do it... -- Chapter 5: Reinforcement Learning -- Introduction -- Implementing policy gradients -- Getting ready -- How to do it... -- Implementing a deep Q-learning algorithm -- Getting ready -- How to do it... -- Chapter 6: Generative Adversarial Networks -- Introduction -- Understanding GANs -- How to do it... -- Implementing Deep Convolutional GANsamp -- #160 -- (DCGANs)amp -- #160 -- How to do it... -- Upscaling the resolution of images with Super-Resolution GANs (SRGANs) -- How to do it... -- Chapter 7: Computer Vision -- Introduction -- Augmenting images with computer vision techniques -- How to do it... -- Classifying objects in images -- How to do it... -- Localizing an object in images -- How to do it... -- Real-time detection frameworks -- Segmenting classes in images with U-net -- How to do it... -- Scene understanding (semantic segmentation) -- How to do it... -- Finding facial key points -- How to do it... -- Recognizing faces -- How to do it... -- Transferring styles to images -- How to do it... -- Chapter 8: Natural Language Processing. | |
505 | 8 | |a Introduction -- Analyzing sentiment -- How to do it... -- Translating sentences -- How to do it... -- Summarizing text -- How to do it... -- Chapter 9: Speech Recognition and Video Analysis -- Introduction -- Implementing a speech recognition pipeline from scratch -- How to do it... -- Identifying speakers with voice recognition -- How to do it... -- Understanding videos with deep learning -- How to do it... -- Chapter 10: Time Series and Structured Data -- Introduction -- Predicting stock prices with neural networks -- How to do it... -- Predicting bike sharing demand -- How to do it... -- Using a shallow neural network for binary classification -- How to do it... -- Chapter 11: Game Playing Agents and Robotics -- Introduction -- Learning to drive a car with end-to-end learning -- Getting started -- How to do it... -- Learning to play games with deep reinforcement learning -- How to do it... -- Genetic Algorithm (GA) to optimize hyperparameters -- How to do it.. -- Chapter 12: Hyperparameter Selection, Tuning, and Neural Network Learning -- Introduction -- Visualizing training with TensorBoard and Keras -- How to do it... -- Working with batches and mini-batches -- How to do it... -- Using grid search for parameter tuning -- How to do it... -- Learning rates and learning rate schedulers -- How to do it... -- Comparing optimizers -- How to do it... -- Determining the depth of the network -- Adding dropouts to prevent overfitting -- How to do it... -- Making a model more robust with data augmentation -- How to do it... -- Leveraging test-time augmentation (TTA) to boost accuracy -- Chapter 13: Network Internals -- Introduction -- Visualizing training with TensorBoard -- How to do it.. -- Visualizing the network architecture with TensorBoard -- Analyzing network weights and more -- How to do it... -- Freezing layers -- How to do it. | |
505 | 8 | |a Storing the network topology and trained weights -- How to do it...amp -- #160 -- Chapter 14: Pretrained Models -- Introduction -- Large-scale visual recognition with GoogLeNet/Inception -- How to do it... -- Extracting bottleneck features with ResNet -- How to do it... -- Leveraging pretrained VGG models for new classes -- How to do it... -- Fine-tuning with Xception -- How to do it... -- Index. | |
650 | 0 | |a Python (Computer program language) |0 http://id.loc.gov/authorities/subjects/sh96008834 | |
650 | 0 | |a Machine learning. |0 http://id.loc.gov/authorities/subjects/sh85079324 | |
650 | 0 | |a Computer programming. |0 http://id.loc.gov/authorities/subjects/sh85107310 | |
650 | 6 | |a Python (Langage de programmation) | |
650 | 6 | |a Apprentissage automatique. | |
650 | 6 | |a Programmation (Informatique) | |
650 | 7 | |a computer programming. |2 aat | |
650 | 7 | |a COMPUTERS |x Programming Languages |x Python. |2 bisacsh | |
650 | 7 | |a Computer programming |2 fast | |
650 | 7 | |a Machine learning |2 fast | |
650 | 7 | |a Python (Computer program language) |2 fast | |
758 | |i has work: |a Python Deep Learning Cookbook (Text) |1 https://id.oclc.org/worldcat/entity/E39PCYpC9ykjMvddTWFCVyYrRq |4 https://id.oclc.org/worldcat/ontology/hasWork | ||
856 | 4 | 0 | |l FWS01 |p ZDB-4-EBA |q FWS_PDA_EBA |u https://search.ebscohost.com/login.aspx?direct=true&scope=site&db=nlebk&AN=1626955 |3 Volltext |
938 | |a Askews and Holts Library Services |b ASKH |n BDZ0035385718 | ||
938 | |a EBSCOhost |b EBSC |n 1626955 | ||
938 | |a ProQuest MyiLibrary Digital eBook Collection |b IDEB |n cis39182170 | ||
994 | |a 92 |b GEBAY | ||
912 | |a ZDB-4-EBA | ||
049 | |a DE-863 |
Datensatz im Suchindex
DE-BY-FWS_katkey | ZDB-4-EBA-on1015687240 |
---|---|
_version_ | 1816882408811659264 |
adam_text | |
any_adam_object | |
author | Bakker, Indra den |
author_facet | Bakker, Indra den |
author_role | aut |
author_sort | Bakker, Indra den |
author_variant | i d b id idb |
building | Verbundindex |
bvnumber | localFWS |
callnumber-first | Q - Science |
callnumber-label | QA76 |
callnumber-raw | QA76.73.P98 |
callnumber-search | QA76.73.P98 |
callnumber-sort | QA 276.73 P98 |
callnumber-subject | QA - Mathematics |
collection | ZDB-4-EBA |
contents | Cover -- Copyright -- Credits -- About the Author -- About the Reviewer -- www.PacktPub.com -- Customer Feedback -- Table of Contents -- Preface -- Chapter 1: Programming Environments, GPU Computing, Cloud Solutions, and Deep Learning Frameworks -- Introduction -- Setting up a deep learningamp -- #160 -- environment -- How to do it... -- Launching an instance on Amazon Web Services (AWS) -- Getting ready -- How to do it... -- Launching an instance on Google Cloud Platform (GCP) -- Getting ready -- How to do it... -- Installing CUDA andamp -- #160 -- cuDNN -- Getting ready -- How to do it... -- Installing Anaconda and libraries -- How to do it... -- Connecting with Jupyter Notebooks on a server -- How to do it... -- Building state-of-the-art, production-ready models with TensorFlow -- How to do it... -- Intuitively building networks with Kerasamp -- #160 -- How to do it... -- Using PyTorch's dynamic computation graphs for RNNs -- How to do it... -- Implementing high-performance models with CNTK -- How to do it... -- Building efficient models with MXNet -- How to do it... -- Defining networks using simple and efficient code with Gluon -- How to do it... -- Chapter 2: Feed-Forward Neural Networks -- Introduction -- Understanding the perceptron -- How to do it... -- Implementing a single-layer neural network -- How to do it... -- Building a multi-layer neural network -- How to do it... -- Getting started with activation functions -- How to do it... -- Experiment with hidden layers and hidden units -- How to do it... -- There's more... -- Implementing an autoencoder -- How to do it... -- Tuning the loss function -- How to do it... -- Experimenting with different optimizers -- How to do it... -- Improving generalization with regularization -- How to do it... -- Adding dropout to prevent overfitting -- How to do it. Chapter 3: Convolutional Neural Networks -- Introduction -- Getting started with filters and parameter sharing -- How to do it... -- Applying pooling layers -- How to do it... -- Optimizing with batch normalization -- How to do it... -- Understanding padding and strides -- How to do it... -- Experimenting with different types of initialization -- How to do it... -- Implementing a convolutional autoencoder -- How to do it... -- Applying a 1D CNN to text -- How to do it... -- Chapter 4: Recurrent Neural Networks -- Introduction -- Implementing a simple RNN -- How to do it... -- Adding Long Short-Term Memory (LSTM) -- How to do it... -- Using gated recurrent units (GRUs) -- How to do it... -- Implementing bidirectional RNNs -- How to do it... -- Character-level text generation -- How to do it... -- Chapter 5: Reinforcement Learning -- Introduction -- Implementing policy gradients -- Getting ready -- How to do it... -- Implementing a deep Q-learning algorithm -- Getting ready -- How to do it... -- Chapter 6: Generative Adversarial Networks -- Introduction -- Understanding GANs -- How to do it... -- Implementing Deep Convolutional GANsamp -- #160 -- (DCGANs)amp -- #160 -- How to do it... -- Upscaling the resolution of images with Super-Resolution GANs (SRGANs) -- How to do it... -- Chapter 7: Computer Vision -- Introduction -- Augmenting images with computer vision techniques -- How to do it... -- Classifying objects in images -- How to do it... -- Localizing an object in images -- How to do it... -- Real-time detection frameworks -- Segmenting classes in images with U-net -- How to do it... -- Scene understanding (semantic segmentation) -- How to do it... -- Finding facial key points -- How to do it... -- Recognizing faces -- How to do it... -- Transferring styles to images -- How to do it... -- Chapter 8: Natural Language Processing. Introduction -- Analyzing sentiment -- How to do it... -- Translating sentences -- How to do it... -- Summarizing text -- How to do it... -- Chapter 9: Speech Recognition and Video Analysis -- Introduction -- Implementing a speech recognition pipeline from scratch -- How to do it... -- Identifying speakers with voice recognition -- How to do it... -- Understanding videos with deep learning -- How to do it... -- Chapter 10: Time Series and Structured Data -- Introduction -- Predicting stock prices with neural networks -- How to do it... -- Predicting bike sharing demand -- How to do it... -- Using a shallow neural network for binary classification -- How to do it... -- Chapter 11: Game Playing Agents and Robotics -- Introduction -- Learning to drive a car with end-to-end learning -- Getting started -- How to do it... -- Learning to play games with deep reinforcement learning -- How to do it... -- Genetic Algorithm (GA) to optimize hyperparameters -- How to do it.. -- Chapter 12: Hyperparameter Selection, Tuning, and Neural Network Learning -- Introduction -- Visualizing training with TensorBoard and Keras -- How to do it... -- Working with batches and mini-batches -- How to do it... -- Using grid search for parameter tuning -- How to do it... -- Learning rates and learning rate schedulers -- How to do it... -- Comparing optimizers -- How to do it... -- Determining the depth of the network -- Adding dropouts to prevent overfitting -- How to do it... -- Making a model more robust with data augmentation -- How to do it... -- Leveraging test-time augmentation (TTA) to boost accuracy -- Chapter 13: Network Internals -- Introduction -- Visualizing training with TensorBoard -- How to do it.. -- Visualizing the network architecture with TensorBoard -- Analyzing network weights and more -- How to do it... -- Freezing layers -- How to do it. Storing the network topology and trained weights -- How to do it...amp -- #160 -- Chapter 14: Pretrained Models -- Introduction -- Large-scale visual recognition with GoogLeNet/Inception -- How to do it... -- Extracting bottleneck features with ResNet -- How to do it... -- Leveraging pretrained VGG models for new classes -- How to do it... -- Fine-tuning with Xception -- How to do it... -- Index. |
ctrlnum | (OCoLC)1015687240 |
dewey-full | 005.133 |
dewey-hundreds | 000 - Computer science, information, general works |
dewey-ones | 005 - Computer programming, programs, data, security |
dewey-raw | 005.133 |
dewey-search | 005.133 |
dewey-sort | 15.133 |
dewey-tens | 000 - Computer science, information, general works |
discipline | Informatik |
format | Electronic eBook |
fullrecord | <?xml version="1.0" encoding="UTF-8"?><collection xmlns="http://www.loc.gov/MARC21/slim"><record><leader>11209cam a2200649 i 4500</leader><controlfield tag="001">ZDB-4-EBA-on1015687240</controlfield><controlfield tag="003">OCoLC</controlfield><controlfield tag="005">20241004212047.0</controlfield><controlfield tag="006">m o d </controlfield><controlfield tag="007">cr unu||||||||</controlfield><controlfield tag="008">171218s2017 enka o 000 0 eng d</controlfield><datafield tag="040" ind1=" " ind2=" "><subfield code="a">UMI</subfield><subfield code="b">eng</subfield><subfield code="e">rda</subfield><subfield code="e">pn</subfield><subfield code="c">UMI</subfield><subfield code="d">IDEBK</subfield><subfield code="d">NLE</subfield><subfield code="d">OCLCF</subfield><subfield code="d">TOH</subfield><subfield code="d">N$T</subfield><subfield code="d">CEF</subfield><subfield code="d">KSU</subfield><subfield code="d">OCLCQ</subfield><subfield code="d">DEBBG</subfield><subfield code="d">UKMGB</subfield><subfield code="d">G3B</subfield><subfield code="d">S9I</subfield><subfield code="d">UAB</subfield><subfield code="d">UKAHL</subfield><subfield code="d">K6U</subfield><subfield code="d">QGK</subfield><subfield code="d">OCLCQ</subfield><subfield code="d">OCLCO</subfield><subfield code="d">OCLCQ</subfield><subfield code="d">OCLCO</subfield><subfield code="d">OCLCQ</subfield><subfield code="d">OCLCO</subfield><subfield code="d">OCLCL</subfield><subfield code="d">DXU</subfield></datafield><datafield tag="015" ind1=" " ind2=" "><subfield code="a">GBB7O8222</subfield><subfield code="2">bnb</subfield></datafield><datafield tag="016" ind1="7" ind2=" "><subfield code="a">018610864</subfield><subfield code="2">Uk</subfield></datafield><datafield tag="020" ind1=" " ind2=" "><subfield code="a">9781787122253</subfield><subfield code="q">(electronic bk.)</subfield></datafield><datafield tag="020" ind1=" " ind2=" "><subfield code="a">1787122255</subfield><subfield code="q">(electronic bk.)</subfield></datafield><datafield tag="020" ind1=" " ind2=" "><subfield code="a">178712519X</subfield></datafield><datafield tag="020" ind1=" " ind2=" "><subfield code="a">9781787125193</subfield></datafield><datafield tag="020" ind1=" " ind2=" "><subfield code="z">9781787125193</subfield></datafield><datafield tag="035" ind1=" " ind2=" "><subfield code="a">(OCoLC)1015687240</subfield></datafield><datafield tag="037" ind1=" " ind2=" "><subfield code="a">CL0500000920</subfield><subfield code="b">Safari Books Online</subfield></datafield><datafield tag="050" ind1=" " ind2="4"><subfield code="a">QA76.73.P98</subfield></datafield><datafield tag="072" ind1=" " ind2="7"><subfield code="a">COM</subfield><subfield code="x">051360</subfield><subfield code="2">bisacsh</subfield></datafield><datafield tag="082" ind1="7" ind2=" "><subfield code="a">005.133</subfield><subfield code="2">23</subfield></datafield><datafield tag="049" ind1=" " ind2=" "><subfield code="a">MAIN</subfield></datafield><datafield tag="100" ind1="1" ind2=" "><subfield code="a">Bakker, Indra den,</subfield><subfield code="e">author.</subfield></datafield><datafield tag="245" ind1="1" ind2="0"><subfield code="a">Python deep learning cookbook :</subfield><subfield code="b">over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python /</subfield><subfield code="c">Indra den Bakker.</subfield></datafield><datafield tag="246" ind1="3" ind2="0"><subfield code="a">Over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python</subfield></datafield><datafield tag="264" ind1=" " ind2="1"><subfield code="a">Birmingham, UK :</subfield><subfield code="b">Packt Publishing,</subfield><subfield code="c">2017.</subfield></datafield><datafield tag="300" ind1=" " ind2=" "><subfield code="a">1 online resource (1 volume) :</subfield><subfield code="b">illustrations</subfield></datafield><datafield tag="336" ind1=" " ind2=" "><subfield code="a">text</subfield><subfield code="b">txt</subfield><subfield code="2">rdacontent</subfield></datafield><datafield tag="337" ind1=" " ind2=" "><subfield code="a">computer</subfield><subfield code="b">c</subfield><subfield code="2">rdamedia</subfield></datafield><datafield tag="338" ind1=" " ind2=" "><subfield code="a">online resource</subfield><subfield code="b">cr</subfield><subfield code="2">rdacarrier</subfield></datafield><datafield tag="347" ind1=" " ind2=" "><subfield code="a">data file</subfield></datafield><datafield tag="588" ind1="0" ind2=" "><subfield code="a">Online resource; title from title page (Safari, viewed December 11, 2017).</subfield></datafield><datafield tag="520" ind1=" " ind2=" "><subfield code="a">Solve different problems in modelling deep neural networks using Python, Tensorflow, and Keras with this practical guide About This Book Practical recipes on training different neural network models and tuning them for optimal performance Use Python frameworks like TensorFlow, Caffe, Keras, Theano for Natural Language Processing, Computer Vision, and more A hands-on guide covering the common as well as the not so common problems in deep learning using Python Who This Book Is For This book is intended for machine learning professionals who are looking to use deep learning algorithms to create real-world applications using Python. Thorough understanding of the machine learning concepts and Python libraries such as NumPy, SciPy and scikit-learn is expected. Additionally, basic knowledge in linear algebra and calculus is desired. What You Will Learn Implement different neural network models in Python Select the best Python framework for deep learning such as PyTorch, Tensorflow, MXNet and Keras Apply tips and tricks related to neural networks internals, to boost learning performances Consolidate machine learning principles and apply them in the deep learning field Reuse and adapt Python code snippets to everyday problems Evaluate the cost/benefits and performance implication of each discussed solution In Detail Deep Learning is revolutionizing a wide range of industries. For many applications, deep learning has proven to outperform humans by making faster and more accurate predictions. This book provides a top-down and bottom-up approach to demonstrate deep learning solutions to real-world problems in different areas. These applications include Computer Vision, Natural Language Processing, Time Series, and Robotics. The Python Deep Learning Cookbook presents technical solutions to the issues presented, along with a detailed explanation of the solutions. Furthermore, a discussion on corresponding pros and cons of implementing the proposed solution using one of the popular frameworks like TensorFlow, PyTorch, Keras and CNTK is provided. The book includes recipes that are related to the basic concepts of neural networks. All techniques s, as well as classical networks topologies. The main purpose of this book is to provide Python programmers a detailed list of recipes to apply deep learning to common and not-so-common scenarios. Style and approach Unique blend of independent recipes arranged in the most logical manner.</subfield></datafield><datafield tag="505" ind1="0" ind2=" "><subfield code="a">Cover -- Copyright -- Credits -- About the Author -- About the Reviewer -- www.PacktPub.com -- Customer Feedback -- Table of Contents -- Preface -- Chapter 1: Programming Environments, GPU Computing, Cloud Solutions, and Deep Learning Frameworks -- Introduction -- Setting up a deep learningamp -- #160 -- environment -- How to do it... -- Launching an instance on Amazon Web Services (AWS) -- Getting ready -- How to do it... -- Launching an instance on Google Cloud Platform (GCP) -- Getting ready -- How to do it... -- Installing CUDA andamp -- #160 -- cuDNN -- Getting ready -- How to do it... -- Installing Anaconda and libraries -- How to do it... -- Connecting with Jupyter Notebooks on a server -- How to do it... -- Building state-of-the-art, production-ready models with TensorFlow -- How to do it... -- Intuitively building networks with Kerasamp -- #160 -- How to do it... -- Using PyTorch's dynamic computation graphs for RNNs -- How to do it... -- Implementing high-performance models with CNTK -- How to do it... -- Building efficient models with MXNet -- How to do it... -- Defining networks using simple and efficient code with Gluon -- How to do it... -- Chapter 2: Feed-Forward Neural Networks -- Introduction -- Understanding the perceptron -- How to do it... -- Implementing a single-layer neural network -- How to do it... -- Building a multi-layer neural network -- How to do it... -- Getting started with activation functions -- How to do it... -- Experiment with hidden layers and hidden units -- How to do it... -- There's more... -- Implementing an autoencoder -- How to do it... -- Tuning the loss function -- How to do it... -- Experimenting with different optimizers -- How to do it... -- Improving generalization with regularization -- How to do it... -- Adding dropout to prevent overfitting -- How to do it.</subfield></datafield><datafield tag="505" ind1="8" ind2=" "><subfield code="a">Chapter 3: Convolutional Neural Networks -- Introduction -- Getting started with filters and parameter sharing -- How to do it... -- Applying pooling layers -- How to do it... -- Optimizing with batch normalization -- How to do it... -- Understanding padding and strides -- How to do it... -- Experimenting with different types of initialization -- How to do it... -- Implementing a convolutional autoencoder -- How to do it... -- Applying a 1D CNN to text -- How to do it... -- Chapter 4: Recurrent Neural Networks -- Introduction -- Implementing a simple RNN -- How to do it... -- Adding Long Short-Term Memory (LSTM) -- How to do it... -- Using gated recurrent units (GRUs) -- How to do it... -- Implementing bidirectional RNNs -- How to do it... -- Character-level text generation -- How to do it... -- Chapter 5: Reinforcement Learning -- Introduction -- Implementing policy gradients -- Getting ready -- How to do it... -- Implementing a deep Q-learning algorithm -- Getting ready -- How to do it... -- Chapter 6: Generative Adversarial Networks -- Introduction -- Understanding GANs -- How to do it... -- Implementing Deep Convolutional GANsamp -- #160 -- (DCGANs)amp -- #160 -- How to do it... -- Upscaling the resolution of images with Super-Resolution GANs (SRGANs) -- How to do it... -- Chapter 7: Computer Vision -- Introduction -- Augmenting images with computer vision techniques -- How to do it... -- Classifying objects in images -- How to do it... -- Localizing an object in images -- How to do it... -- Real-time detection frameworks -- Segmenting classes in images with U-net -- How to do it... -- Scene understanding (semantic segmentation) -- How to do it... -- Finding facial key points -- How to do it... -- Recognizing faces -- How to do it... -- Transferring styles to images -- How to do it... -- Chapter 8: Natural Language Processing.</subfield></datafield><datafield tag="505" ind1="8" ind2=" "><subfield code="a">Introduction -- Analyzing sentiment -- How to do it... -- Translating sentences -- How to do it... -- Summarizing text -- How to do it... -- Chapter 9: Speech Recognition and Video Analysis -- Introduction -- Implementing a speech recognition pipeline from scratch -- How to do it... -- Identifying speakers with voice recognition -- How to do it... -- Understanding videos with deep learning -- How to do it... -- Chapter 10: Time Series and Structured Data -- Introduction -- Predicting stock prices with neural networks -- How to do it... -- Predicting bike sharing demand -- How to do it... -- Using a shallow neural network for binary classification -- How to do it... -- Chapter 11: Game Playing Agents and Robotics -- Introduction -- Learning to drive a car with end-to-end learning -- Getting started -- How to do it... -- Learning to play games with deep reinforcement learning -- How to do it... -- Genetic Algorithm (GA) to optimize hyperparameters -- How to do it.. -- Chapter 12: Hyperparameter Selection, Tuning, and Neural Network Learning -- Introduction -- Visualizing training with TensorBoard and Keras -- How to do it... -- Working with batches and mini-batches -- How to do it... -- Using grid search for parameter tuning -- How to do it... -- Learning rates and learning rate schedulers -- How to do it... -- Comparing optimizers -- How to do it... -- Determining the depth of the network -- Adding dropouts to prevent overfitting -- How to do it... -- Making a model more robust with data augmentation -- How to do it... -- Leveraging test-time augmentation (TTA) to boost accuracy -- Chapter 13: Network Internals -- Introduction -- Visualizing training with TensorBoard -- How to do it.. -- Visualizing the network architecture with TensorBoard -- Analyzing network weights and more -- How to do it... -- Freezing layers -- How to do it.</subfield></datafield><datafield tag="505" ind1="8" ind2=" "><subfield code="a">Storing the network topology and trained weights -- How to do it...amp -- #160 -- Chapter 14: Pretrained Models -- Introduction -- Large-scale visual recognition with GoogLeNet/Inception -- How to do it... -- Extracting bottleneck features with ResNet -- How to do it... -- Leveraging pretrained VGG models for new classes -- How to do it... -- Fine-tuning with Xception -- How to do it... -- Index.</subfield></datafield><datafield tag="650" ind1=" " ind2="0"><subfield code="a">Python (Computer program language)</subfield><subfield code="0">http://id.loc.gov/authorities/subjects/sh96008834</subfield></datafield><datafield tag="650" ind1=" " ind2="0"><subfield code="a">Machine learning.</subfield><subfield code="0">http://id.loc.gov/authorities/subjects/sh85079324</subfield></datafield><datafield tag="650" ind1=" " ind2="0"><subfield code="a">Computer programming.</subfield><subfield code="0">http://id.loc.gov/authorities/subjects/sh85107310</subfield></datafield><datafield tag="650" ind1=" " ind2="6"><subfield code="a">Python (Langage de programmation)</subfield></datafield><datafield tag="650" ind1=" " ind2="6"><subfield code="a">Apprentissage automatique.</subfield></datafield><datafield tag="650" ind1=" " ind2="6"><subfield code="a">Programmation (Informatique)</subfield></datafield><datafield tag="650" ind1=" " ind2="7"><subfield code="a">computer programming.</subfield><subfield code="2">aat</subfield></datafield><datafield tag="650" ind1=" " ind2="7"><subfield code="a">COMPUTERS</subfield><subfield code="x">Programming Languages</subfield><subfield code="x">Python.</subfield><subfield code="2">bisacsh</subfield></datafield><datafield tag="650" ind1=" " ind2="7"><subfield code="a">Computer programming</subfield><subfield code="2">fast</subfield></datafield><datafield tag="650" ind1=" " ind2="7"><subfield code="a">Machine learning</subfield><subfield code="2">fast</subfield></datafield><datafield tag="650" ind1=" " ind2="7"><subfield code="a">Python (Computer program language)</subfield><subfield code="2">fast</subfield></datafield><datafield tag="758" ind1=" " ind2=" "><subfield code="i">has work:</subfield><subfield code="a">Python Deep Learning Cookbook (Text)</subfield><subfield code="1">https://id.oclc.org/worldcat/entity/E39PCYpC9ykjMvddTWFCVyYrRq</subfield><subfield code="4">https://id.oclc.org/worldcat/ontology/hasWork</subfield></datafield><datafield tag="856" ind1="4" ind2="0"><subfield code="l">FWS01</subfield><subfield code="p">ZDB-4-EBA</subfield><subfield code="q">FWS_PDA_EBA</subfield><subfield code="u">https://search.ebscohost.com/login.aspx?direct=true&scope=site&db=nlebk&AN=1626955</subfield><subfield code="3">Volltext</subfield></datafield><datafield tag="938" ind1=" " ind2=" "><subfield code="a">Askews and Holts Library Services</subfield><subfield code="b">ASKH</subfield><subfield code="n">BDZ0035385718</subfield></datafield><datafield tag="938" ind1=" " ind2=" "><subfield code="a">EBSCOhost</subfield><subfield code="b">EBSC</subfield><subfield code="n">1626955</subfield></datafield><datafield tag="938" ind1=" " ind2=" "><subfield code="a">ProQuest MyiLibrary Digital eBook Collection</subfield><subfield code="b">IDEB</subfield><subfield code="n">cis39182170</subfield></datafield><datafield tag="994" ind1=" " ind2=" "><subfield code="a">92</subfield><subfield code="b">GEBAY</subfield></datafield><datafield tag="912" ind1=" " ind2=" "><subfield code="a">ZDB-4-EBA</subfield></datafield><datafield tag="049" ind1=" " ind2=" "><subfield code="a">DE-863</subfield></datafield></record></collection> |
id | ZDB-4-EBA-on1015687240 |
illustrated | Illustrated |
indexdate | 2024-11-27T13:28:09Z |
institution | BVB |
isbn | 9781787122253 1787122255 178712519X 9781787125193 |
language | English |
oclc_num | 1015687240 |
open_access_boolean | |
owner | MAIN DE-863 DE-BY-FWS |
owner_facet | MAIN DE-863 DE-BY-FWS |
physical | 1 online resource (1 volume) : illustrations |
psigel | ZDB-4-EBA |
publishDate | 2017 |
publishDateSearch | 2017 |
publishDateSort | 2017 |
publisher | Packt Publishing, |
record_format | marc |
spelling | Bakker, Indra den, author. Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / Indra den Bakker. Over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python Birmingham, UK : Packt Publishing, 2017. 1 online resource (1 volume) : illustrations text txt rdacontent computer c rdamedia online resource cr rdacarrier data file Online resource; title from title page (Safari, viewed December 11, 2017). Solve different problems in modelling deep neural networks using Python, Tensorflow, and Keras with this practical guide About This Book Practical recipes on training different neural network models and tuning them for optimal performance Use Python frameworks like TensorFlow, Caffe, Keras, Theano for Natural Language Processing, Computer Vision, and more A hands-on guide covering the common as well as the not so common problems in deep learning using Python Who This Book Is For This book is intended for machine learning professionals who are looking to use deep learning algorithms to create real-world applications using Python. Thorough understanding of the machine learning concepts and Python libraries such as NumPy, SciPy and scikit-learn is expected. Additionally, basic knowledge in linear algebra and calculus is desired. What You Will Learn Implement different neural network models in Python Select the best Python framework for deep learning such as PyTorch, Tensorflow, MXNet and Keras Apply tips and tricks related to neural networks internals, to boost learning performances Consolidate machine learning principles and apply them in the deep learning field Reuse and adapt Python code snippets to everyday problems Evaluate the cost/benefits and performance implication of each discussed solution In Detail Deep Learning is revolutionizing a wide range of industries. For many applications, deep learning has proven to outperform humans by making faster and more accurate predictions. This book provides a top-down and bottom-up approach to demonstrate deep learning solutions to real-world problems in different areas. These applications include Computer Vision, Natural Language Processing, Time Series, and Robotics. The Python Deep Learning Cookbook presents technical solutions to the issues presented, along with a detailed explanation of the solutions. Furthermore, a discussion on corresponding pros and cons of implementing the proposed solution using one of the popular frameworks like TensorFlow, PyTorch, Keras and CNTK is provided. The book includes recipes that are related to the basic concepts of neural networks. All techniques s, as well as classical networks topologies. The main purpose of this book is to provide Python programmers a detailed list of recipes to apply deep learning to common and not-so-common scenarios. Style and approach Unique blend of independent recipes arranged in the most logical manner. Cover -- Copyright -- Credits -- About the Author -- About the Reviewer -- www.PacktPub.com -- Customer Feedback -- Table of Contents -- Preface -- Chapter 1: Programming Environments, GPU Computing, Cloud Solutions, and Deep Learning Frameworks -- Introduction -- Setting up a deep learningamp -- #160 -- environment -- How to do it... -- Launching an instance on Amazon Web Services (AWS) -- Getting ready -- How to do it... -- Launching an instance on Google Cloud Platform (GCP) -- Getting ready -- How to do it... -- Installing CUDA andamp -- #160 -- cuDNN -- Getting ready -- How to do it... -- Installing Anaconda and libraries -- How to do it... -- Connecting with Jupyter Notebooks on a server -- How to do it... -- Building state-of-the-art, production-ready models with TensorFlow -- How to do it... -- Intuitively building networks with Kerasamp -- #160 -- How to do it... -- Using PyTorch's dynamic computation graphs for RNNs -- How to do it... -- Implementing high-performance models with CNTK -- How to do it... -- Building efficient models with MXNet -- How to do it... -- Defining networks using simple and efficient code with Gluon -- How to do it... -- Chapter 2: Feed-Forward Neural Networks -- Introduction -- Understanding the perceptron -- How to do it... -- Implementing a single-layer neural network -- How to do it... -- Building a multi-layer neural network -- How to do it... -- Getting started with activation functions -- How to do it... -- Experiment with hidden layers and hidden units -- How to do it... -- There's more... -- Implementing an autoencoder -- How to do it... -- Tuning the loss function -- How to do it... -- Experimenting with different optimizers -- How to do it... -- Improving generalization with regularization -- How to do it... -- Adding dropout to prevent overfitting -- How to do it. Chapter 3: Convolutional Neural Networks -- Introduction -- Getting started with filters and parameter sharing -- How to do it... -- Applying pooling layers -- How to do it... -- Optimizing with batch normalization -- How to do it... -- Understanding padding and strides -- How to do it... -- Experimenting with different types of initialization -- How to do it... -- Implementing a convolutional autoencoder -- How to do it... -- Applying a 1D CNN to text -- How to do it... -- Chapter 4: Recurrent Neural Networks -- Introduction -- Implementing a simple RNN -- How to do it... -- Adding Long Short-Term Memory (LSTM) -- How to do it... -- Using gated recurrent units (GRUs) -- How to do it... -- Implementing bidirectional RNNs -- How to do it... -- Character-level text generation -- How to do it... -- Chapter 5: Reinforcement Learning -- Introduction -- Implementing policy gradients -- Getting ready -- How to do it... -- Implementing a deep Q-learning algorithm -- Getting ready -- How to do it... -- Chapter 6: Generative Adversarial Networks -- Introduction -- Understanding GANs -- How to do it... -- Implementing Deep Convolutional GANsamp -- #160 -- (DCGANs)amp -- #160 -- How to do it... -- Upscaling the resolution of images with Super-Resolution GANs (SRGANs) -- How to do it... -- Chapter 7: Computer Vision -- Introduction -- Augmenting images with computer vision techniques -- How to do it... -- Classifying objects in images -- How to do it... -- Localizing an object in images -- How to do it... -- Real-time detection frameworks -- Segmenting classes in images with U-net -- How to do it... -- Scene understanding (semantic segmentation) -- How to do it... -- Finding facial key points -- How to do it... -- Recognizing faces -- How to do it... -- Transferring styles to images -- How to do it... -- Chapter 8: Natural Language Processing. Introduction -- Analyzing sentiment -- How to do it... -- Translating sentences -- How to do it... -- Summarizing text -- How to do it... -- Chapter 9: Speech Recognition and Video Analysis -- Introduction -- Implementing a speech recognition pipeline from scratch -- How to do it... -- Identifying speakers with voice recognition -- How to do it... -- Understanding videos with deep learning -- How to do it... -- Chapter 10: Time Series and Structured Data -- Introduction -- Predicting stock prices with neural networks -- How to do it... -- Predicting bike sharing demand -- How to do it... -- Using a shallow neural network for binary classification -- How to do it... -- Chapter 11: Game Playing Agents and Robotics -- Introduction -- Learning to drive a car with end-to-end learning -- Getting started -- How to do it... -- Learning to play games with deep reinforcement learning -- How to do it... -- Genetic Algorithm (GA) to optimize hyperparameters -- How to do it.. -- Chapter 12: Hyperparameter Selection, Tuning, and Neural Network Learning -- Introduction -- Visualizing training with TensorBoard and Keras -- How to do it... -- Working with batches and mini-batches -- How to do it... -- Using grid search for parameter tuning -- How to do it... -- Learning rates and learning rate schedulers -- How to do it... -- Comparing optimizers -- How to do it... -- Determining the depth of the network -- Adding dropouts to prevent overfitting -- How to do it... -- Making a model more robust with data augmentation -- How to do it... -- Leveraging test-time augmentation (TTA) to boost accuracy -- Chapter 13: Network Internals -- Introduction -- Visualizing training with TensorBoard -- How to do it.. -- Visualizing the network architecture with TensorBoard -- Analyzing network weights and more -- How to do it... -- Freezing layers -- How to do it. Storing the network topology and trained weights -- How to do it...amp -- #160 -- Chapter 14: Pretrained Models -- Introduction -- Large-scale visual recognition with GoogLeNet/Inception -- How to do it... -- Extracting bottleneck features with ResNet -- How to do it... -- Leveraging pretrained VGG models for new classes -- How to do it... -- Fine-tuning with Xception -- How to do it... -- Index. Python (Computer program language) http://id.loc.gov/authorities/subjects/sh96008834 Machine learning. http://id.loc.gov/authorities/subjects/sh85079324 Computer programming. http://id.loc.gov/authorities/subjects/sh85107310 Python (Langage de programmation) Apprentissage automatique. Programmation (Informatique) computer programming. aat COMPUTERS Programming Languages Python. bisacsh Computer programming fast Machine learning fast Python (Computer program language) fast has work: Python Deep Learning Cookbook (Text) https://id.oclc.org/worldcat/entity/E39PCYpC9ykjMvddTWFCVyYrRq https://id.oclc.org/worldcat/ontology/hasWork FWS01 ZDB-4-EBA FWS_PDA_EBA https://search.ebscohost.com/login.aspx?direct=true&scope=site&db=nlebk&AN=1626955 Volltext |
spellingShingle | Bakker, Indra den Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / Cover -- Copyright -- Credits -- About the Author -- About the Reviewer -- www.PacktPub.com -- Customer Feedback -- Table of Contents -- Preface -- Chapter 1: Programming Environments, GPU Computing, Cloud Solutions, and Deep Learning Frameworks -- Introduction -- Setting up a deep learningamp -- #160 -- environment -- How to do it... -- Launching an instance on Amazon Web Services (AWS) -- Getting ready -- How to do it... -- Launching an instance on Google Cloud Platform (GCP) -- Getting ready -- How to do it... -- Installing CUDA andamp -- #160 -- cuDNN -- Getting ready -- How to do it... -- Installing Anaconda and libraries -- How to do it... -- Connecting with Jupyter Notebooks on a server -- How to do it... -- Building state-of-the-art, production-ready models with TensorFlow -- How to do it... -- Intuitively building networks with Kerasamp -- #160 -- How to do it... -- Using PyTorch's dynamic computation graphs for RNNs -- How to do it... -- Implementing high-performance models with CNTK -- How to do it... -- Building efficient models with MXNet -- How to do it... -- Defining networks using simple and efficient code with Gluon -- How to do it... -- Chapter 2: Feed-Forward Neural Networks -- Introduction -- Understanding the perceptron -- How to do it... -- Implementing a single-layer neural network -- How to do it... -- Building a multi-layer neural network -- How to do it... -- Getting started with activation functions -- How to do it... -- Experiment with hidden layers and hidden units -- How to do it... -- There's more... -- Implementing an autoencoder -- How to do it... -- Tuning the loss function -- How to do it... -- Experimenting with different optimizers -- How to do it... -- Improving generalization with regularization -- How to do it... -- Adding dropout to prevent overfitting -- How to do it. Chapter 3: Convolutional Neural Networks -- Introduction -- Getting started with filters and parameter sharing -- How to do it... -- Applying pooling layers -- How to do it... -- Optimizing with batch normalization -- How to do it... -- Understanding padding and strides -- How to do it... -- Experimenting with different types of initialization -- How to do it... -- Implementing a convolutional autoencoder -- How to do it... -- Applying a 1D CNN to text -- How to do it... -- Chapter 4: Recurrent Neural Networks -- Introduction -- Implementing a simple RNN -- How to do it... -- Adding Long Short-Term Memory (LSTM) -- How to do it... -- Using gated recurrent units (GRUs) -- How to do it... -- Implementing bidirectional RNNs -- How to do it... -- Character-level text generation -- How to do it... -- Chapter 5: Reinforcement Learning -- Introduction -- Implementing policy gradients -- Getting ready -- How to do it... -- Implementing a deep Q-learning algorithm -- Getting ready -- How to do it... -- Chapter 6: Generative Adversarial Networks -- Introduction -- Understanding GANs -- How to do it... -- Implementing Deep Convolutional GANsamp -- #160 -- (DCGANs)amp -- #160 -- How to do it... -- Upscaling the resolution of images with Super-Resolution GANs (SRGANs) -- How to do it... -- Chapter 7: Computer Vision -- Introduction -- Augmenting images with computer vision techniques -- How to do it... -- Classifying objects in images -- How to do it... -- Localizing an object in images -- How to do it... -- Real-time detection frameworks -- Segmenting classes in images with U-net -- How to do it... -- Scene understanding (semantic segmentation) -- How to do it... -- Finding facial key points -- How to do it... -- Recognizing faces -- How to do it... -- Transferring styles to images -- How to do it... -- Chapter 8: Natural Language Processing. Introduction -- Analyzing sentiment -- How to do it... -- Translating sentences -- How to do it... -- Summarizing text -- How to do it... -- Chapter 9: Speech Recognition and Video Analysis -- Introduction -- Implementing a speech recognition pipeline from scratch -- How to do it... -- Identifying speakers with voice recognition -- How to do it... -- Understanding videos with deep learning -- How to do it... -- Chapter 10: Time Series and Structured Data -- Introduction -- Predicting stock prices with neural networks -- How to do it... -- Predicting bike sharing demand -- How to do it... -- Using a shallow neural network for binary classification -- How to do it... -- Chapter 11: Game Playing Agents and Robotics -- Introduction -- Learning to drive a car with end-to-end learning -- Getting started -- How to do it... -- Learning to play games with deep reinforcement learning -- How to do it... -- Genetic Algorithm (GA) to optimize hyperparameters -- How to do it.. -- Chapter 12: Hyperparameter Selection, Tuning, and Neural Network Learning -- Introduction -- Visualizing training with TensorBoard and Keras -- How to do it... -- Working with batches and mini-batches -- How to do it... -- Using grid search for parameter tuning -- How to do it... -- Learning rates and learning rate schedulers -- How to do it... -- Comparing optimizers -- How to do it... -- Determining the depth of the network -- Adding dropouts to prevent overfitting -- How to do it... -- Making a model more robust with data augmentation -- How to do it... -- Leveraging test-time augmentation (TTA) to boost accuracy -- Chapter 13: Network Internals -- Introduction -- Visualizing training with TensorBoard -- How to do it.. -- Visualizing the network architecture with TensorBoard -- Analyzing network weights and more -- How to do it... -- Freezing layers -- How to do it. Storing the network topology and trained weights -- How to do it...amp -- #160 -- Chapter 14: Pretrained Models -- Introduction -- Large-scale visual recognition with GoogLeNet/Inception -- How to do it... -- Extracting bottleneck features with ResNet -- How to do it... -- Leveraging pretrained VGG models for new classes -- How to do it... -- Fine-tuning with Xception -- How to do it... -- Index. Python (Computer program language) http://id.loc.gov/authorities/subjects/sh96008834 Machine learning. http://id.loc.gov/authorities/subjects/sh85079324 Computer programming. http://id.loc.gov/authorities/subjects/sh85107310 Python (Langage de programmation) Apprentissage automatique. Programmation (Informatique) computer programming. aat COMPUTERS Programming Languages Python. bisacsh Computer programming fast Machine learning fast Python (Computer program language) fast |
subject_GND | http://id.loc.gov/authorities/subjects/sh96008834 http://id.loc.gov/authorities/subjects/sh85079324 http://id.loc.gov/authorities/subjects/sh85107310 |
title | Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / |
title_alt | Over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python |
title_auth | Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / |
title_exact_search | Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / |
title_full | Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / Indra den Bakker. |
title_fullStr | Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / Indra den Bakker. |
title_full_unstemmed | Python deep learning cookbook : over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / Indra den Bakker. |
title_short | Python deep learning cookbook : |
title_sort | python deep learning cookbook over 75 practical recipes on neural network modeling reinforcement learning and transfer learning using python |
title_sub | over 75 practical recipes on neural network modeling, reinforcement learning, and transfer learning using Python / |
topic | Python (Computer program language) http://id.loc.gov/authorities/subjects/sh96008834 Machine learning. http://id.loc.gov/authorities/subjects/sh85079324 Computer programming. http://id.loc.gov/authorities/subjects/sh85107310 Python (Langage de programmation) Apprentissage automatique. Programmation (Informatique) computer programming. aat COMPUTERS Programming Languages Python. bisacsh Computer programming fast Machine learning fast Python (Computer program language) fast |
topic_facet | Python (Computer program language) Machine learning. Computer programming. Python (Langage de programmation) Apprentissage automatique. Programmation (Informatique) computer programming. COMPUTERS Programming Languages Python. Computer programming Machine learning |
url | https://search.ebscohost.com/login.aspx?direct=true&scope=site&db=nlebk&AN=1626955 |
work_keys_str_mv | AT bakkerindraden pythondeeplearningcookbookover75practicalrecipesonneuralnetworkmodelingreinforcementlearningandtransferlearningusingpython AT bakkerindraden over75practicalrecipesonneuralnetworkmodelingreinforcementlearningandtransferlearningusingpython |