舉報

會員
Keras 2.x Projects
Keras2.xProjectsexplainshowtoleveragethepowerofKerastobuildandtrainstate-of-the-artdeeplearningmodelsthroughaseriesofpracticalprojectsthatlookatarangeofreal-worldapplicationareas.Tobeginwith,youwillquicklysetupadeeplearningenvironmentbyinstallingtheKeraslibrary.Througheachoftheprojects,youwillexploreandlearntheadvancedconceptsofdeeplearningandwilllearnhowtocomputeandrunyourdeeplearningmodelsusingtheadvancedofferingsofKeras.Youwilltrainfully-connectedmultilayernetworks,convolutionalneuralnetworks,recurrentneuralnetworks,autoencodersandgenerativeadversarialnetworksusingreal-worldtrainingdatasets.Theprojectsyouwillundertakeareallbasedonreal-worldscenariosofallcomplexitylevels,coveringtopicssuchaslanguagerecognition,stockvolatility,energyconsumptionprediction,fasterobjectclassificationforself-drivingvehicles,andmore.Bytheendofthisbook,youwillbewellversedwithdeeplearninganditsimplementationwithKeras.Youwillhavealltheknowledgeyouneedtotrainyourowndeeplearningmodelstosolvedifferentkindsofproblems.
目錄(257章)
倒序
- coverpage
- Title Page
- Copyright and Credits
- Keras 2.x Projects
- 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
- Get in touch
- Reviews
- Getting Started with Keras
- Introduction to Keras
- Keras backend options
- TensorFlow
- Theano
- CNTK
- Installation
- Optional dependencies
- Installing the backend engine
- Keras installation and configuration
- Model fitting in Keras
- The Keras sequential model architecture
- Keras functional API model architecture
- Summary
- Modeling Real Estate Using Regression Analysis
- Defining a regression problem
- Basic regression concepts
- Different types of regression
- Creating a linear regression model
- Multiple linear regression concepts
- Neural networks for regression using Keras
- Exploratory analysis
- Data splitting
- Neural network Keras model
- Multiple linear regression model
- Summary
- Heart Disease Classification with Neural Networks
- Basics of classification problems
- Different types of classification
- Classification algorithms
- Naive Bayes algorithm
- Gaussian mixture models
- Discriminant analysis
- K-nearest neighbors
- Support vector machine
- Bayesian decision theory
- Bayes' theorem
- Pattern recognition using a Keras neural network
- Exploratory analysis
- Handling missing data in Python
- Data scaling
- Data visualization
- Keras binary classifier
- Summary
- Concrete Quality Prediction Using Deep Neural Networks
- Basic concepts of ANNs
- Architecture of ANNs
- Learning paradigms
- Supervised learning
- Unsupervised learning
- Semi-supervised learning
- Understanding the structure of neural networks
- Weights and biases
- Types of activation functions
- Unit step activation function
- Sigmoid
- Hyperbolic tangent
- Rectified linear unit
- Multilayer neural networks
- Implementing multilayer neural networks in Keras
- Exploratory analysis
- Data visualization
- Data scaling
- Building a Keras deep neural network model
- Improving the model performance by removing outliers
- Summary
- Fashion Article Recognition Using Convolutional Neural Networks
- Understanding computer vision concepts
- Convolutional neural networks
- Convolution layer
- Pooling layers
- Rectified linear units
- Fully connected layer
- Structure of a CNN
- Common CNN architecture
- LeNet-5
- AlexNet
- ResNet
- VGG Net
- GoogleNet
- Implementing a CNN for object recognition
- Exploratory analysis
- Data scaling
- Using Keras in the CNN model
- Exploring the model's results
- Summary
- Movie Reviews Sentiment Analysis Using Recurrent Neural Networks
- Sentiment analysis basic concepts
- Sentiment analysis techniques
- The next challenges for sentiment analysis
- Lexicon and semantics analysis
- Recurrent neural networks
- Fully recurrent neural networks
- Recursive neural networks
- Hopfield recurrent neural networks
- Elman neural networks
- Long short-term memory network
- Classifying sentiment in movie reviews using an RNN
- IMDB Movie reviews dataset
- Exploratory analysis
- Keras recurrent neural network model
- Exploring model results
- Summary
- Stock Volatility Forecasting Using Long Short-Term Memory
- The basics of forecasting
- Forecast horizon
- Forecasting methods
- Quantitative methods
- Qualitative methods
- Time series analysis
- The classical approach to time series
- Estimation of the trend component
- Estimating the seasonality component
- Time series models
- Autoregressive models
- Moving average models
- Autoregressive moving average model
- Autoregressive integrated moving average models
- Long short-term memory in Keras
- Implementing an LSTM to forecast stock volatility
- Exploratory analysis
- Data scaling
- Data splitting
- Keras LSTM model
- Summary
- Reconstruction of Handwritten Digit Images Using Autoencoders
- Basic concepts of image recognition
- Image digitization
- Image recognition
- Optical character recognition
- Approaches to the problem
- Generative neural networks
- The restricted Boltzmann machine
- Autoencoders
- Variational autoencoders
- The generative adversarial network
- The adversarial autoencoder
- The Keras autoencoders model
- Implementing autoencoder Keras layers to reconstruct handwritten digit images
- The MNIST dataset
- Min–max normalization
- Keras model architecture
- Exploring model results
- Summary
- Robot Control System Using Deep Reinforcement Learning
- Robot control overview
- Three laws of robotics
- Short robotics timeline
- First-generation robots
- Second-generation robots
- Third-generation robots
- Fourth-generation robots
- Automatic control
- The environment for controlling robot mobility
- OpenAI Gym
- Reinforcement learning basics
- Agent-environment interface
- Reinforcement learning algorithms
- Dynamic Programming
- Monte Carlo methods
- Temporal difference learning
- Keras DQNs
- Q-learning
- Deep Q-learning
- Keras-RL library
- DQN to control a robot's mobility
- OpenAI Gym installation and methods
- The CartPole system
- Q-learning solution
- Deep Q-learning solution
- Summary
- Reuters Newswire Topics Classifier in Keras
- Natural language processing
- NLP phases
- Morphology analysis
- Syntax analysis
- Semantic analysis
- Pragmatic analysis
- Automatic processing problems
- NLP applications
- Information retrieval
- Information extraction
- Question-answering
- Automatic summarization
- Automatic translation
- Sentiment analysis
- NLP methods
- Sentence splitting
- Tokenization
- Part-of-speech tagging
- Shallow parsing
- Named entity recognition
- Syntactic parsing
- Semantic role labeling
- Natural language processing tools
- The Natural Language Toolkit
- The Stanford NLP Group software
- Apache OpenNLP
- GATE
- The Natural Language Toolkit
- Getting started with the NLTK
- Corpora
- Brown corpus
- Word and sentence tokenize
- Part-of-speech tagger
- Stemming and lemmatization
- Stemming
- Lemmatization
- Implementing a DNN to label sentences
- Exploratory analysis
- Data preparation
- Keras deep neural network model
- Summary
- What is Next?
- Deep learning methods
- Deep feedforward network
- Convolutional neural networks
- Recurrent neural networks
- Long short-term memory
- Restricted Boltzmann machine
- Deep belief network
- Generative adversarial networks
- Automated machine learning
- Auto-Keras
- Google Cloud ML Engine
- Azure Machine Learning Studio
- Amazon Web Services
- Differentiable neural computer
- Genetic programming and evolutionary strategies
- Introducing the genetic algorithm
- The fitness function
- Selection
- Mutation
- Inverse reinforcement learning
- Summary
- Other Books You May Enjoy
- Leave a review - let other readers know what you think 更新時間:2021-07-02 14:37:02
推薦閱讀
- Internet接入·網絡安全
- AutoCAD快速入門與工程制圖
- Deep Learning Quick Reference
- Dreamweaver 8中文版商業案例精粹
- 機器人編程實戰
- 信息物理系統(CPS)測試與評價技術
- 人工智能技術入門
- 軟件構件技術
- Mastering Geospatial Analysis with Python
- 智能鼠原理與制作(進階篇)
- Mastering Ceph
- 未來學徒:讀懂人工智能飛馳時代
- 漢字錄入技能訓練
- Windows 7故障與技巧200例
- MySQL Management and Administration with Navicat
- NetSuite ERP for Administrators
- 細節決定交互設計的成敗
- 三維動畫制作(3ds max7.0)
- 時序大數據平臺TDengine核心原理與實戰
- R Programming By Example
- 開發者突擊:精通AOP整合應用開發
- VRay 1.5R2完全自學攻略
- 中小型局域網構建實踐
- 無線傳感器網絡節能、優化與可生存性
- Network Security with pfSense
- 工業控制系統及應用:SCADA系統篇(第2版)
- Mastering VMware Horizon 7.8
- 樹莓派創客:手把手教你玩轉人工智能
- 學會提問,駕馭AI:提示詞從入門到精通
- Flex3.0 RIA開發詳解