舉報

會員
Python Deep Learning Cookbook
最新章節:
How to do it...
Thisbookisintendedformachinelearningprofessionalswhoarelookingtousedeeplearningalgorithmstocreatereal-worldapplicationsusingPython.ThoroughunderstandingofthemachinelearningconceptsandPythonlibrariessuchasNumPy,SciPyandscikit-learnisexpected.Additionally,basicknowledgeinlinearalgebraandcalculusisdesired.
目錄(208章)
倒序
- coverpage
- Title Page
- Copyright
- Python Deep Learning Cookbook
- Credits
- About the Author
- About the Reviewer
- www.PacktPub.com
- Why subscribe?
- Customer Feedback
- Preface
- What this book covers
- What you need for this book
- Who this book is for
- Conventions
- Reader feedback
- Customer support
- Downloading the example code
- Errata
- Piracy
- Questions
- Programming Environments GPU Computing Cloud Solutions and Deep Learning Frameworks
- Introduction
- Setting up a deep learning 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 and 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 Keras
- 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...
- 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...
- 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...
- 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...
- Reinforcement Learning
- Introduction
- Implementing policy gradients
- Getting ready
- How to do it...
- Implementing a deep Q-learning algorithm
- Getting ready
- How to do it...
- Generative Adversarial Networks
- Introduction
- Understanding GANs
- How to do it...
- Implementing Deep Convolutional GANs (DCGANs)
- How to do it...
- Upscaling the resolution of images with Super-Resolution GANs (SRGANs)
- How to do it...
- 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...
- How to do it...
- Recognizing faces
- How to do it...
- Transferring styles to images
- How to do it...
- Natural Language Processing
- Introduction
- Analyzing sentiment
- How to do it...
- Translating sentences
- How to do it...
- Summarizing text
- How to do it...
- 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...
- 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...
- 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..
- 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
- 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...
- 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... 更新時間:2021-07-02 15:43:43
推薦閱讀
- C語言程序設計實踐教程(第2版)
- C# Programming Cookbook
- Django Design Patterns and Best Practices
- Java程序設計與實踐教程(第2版)
- 小程序,巧運營:微信小程序運營招式大全
- Learning Apache Kafka(Second Edition)
- Kali Linux Wireless Penetration Testing Beginner's Guide(Third Edition)
- Scala Data Analysis Cookbook
- Java EE項目應用開發
- 劍指大數據:企業級電商數據倉庫項目實戰(精華版)
- 循序漸進Vue.js 3前端開發實戰
- Unreal Engine Game Development Cookbook
- C語言從入門到精通(微視頻精編版)
- 新手學Visual C
- IBM Cognos 10 Report Studio Cookbook(Second Edition)
- Learning Embedded Android N Programming
- Procedural Content Generation for Unity Game Development
- 計算機網絡概論(第二版)
- Java基礎案例教程
- Responsive Web Design Patterns
- 自然語言處理實戰:從入門到項目實踐
- Python大數據分析算法與實例
- Raspberry Pi for Secret Agents(Second Edition)
- 信息無障礙:提升用戶體驗的另一種視角
- Appcelerator Titanium Business Application Development Cookbook
- Building Web Applications with Python and Neo4j
- Smarter Decisions:The Intersection of Internet of Things and Decision Science
- 陪孩子像搭積木一樣學編程(Python真好玩+Scratch趣味編程)(全2冊)
- jQueryMobile權威指南
- Scratch項目式編程實戰:打造超酷大型游戲