舉報

會員
TensorFlow Machine Learning Projects
TensorFlowhastransformedthewaymachinelearningisperceived.TensorFlowMachineLearningProjectsteachesyouhowtoexploitthebenefits—simplicity,efficiency,andflexibility—ofusingTensorFlowinvariousreal-worldprojects.Withthehelpofthisbook,you’llnotonlylearnhowtobuildadvancedprojectsusingdifferentdatasetsbutalsobeabletotacklecommonchallengesusingarangeoflibrariesfromtheTensorFlowecosystem.Tostartwith,you’llgettogripswithusingTensorFlowformachinelearningprojects;you’llexploreawiderangeofprojectsusingTensorForestandTensorBoardfordetectingexoplanets,TensorFlow.jsforsentimentanalysis,andTensorFlowLitefordigitclassification.Asyoumakeyourwaythroughthebook,you’llbuildprojectsinvariousreal-worlddomains,incorporatingnaturallanguageprocessing(NLP),theGaussianprocess,autoencoders,recommendersystems,andBayesianneuralnetworks,alongwithtrendingareassuchasGenerativeAdversarialNetworks(GANs),capsulenetworks,andreinforcementlearning.You’lllearnhowtousetheTensorFlowonSparkAPIandGPU-acceleratedcomputingwithTensorFlowtodetectobjects,followedbyhowtotrainanddeveloparecurrentneuralnetwork(RNN)modeltogeneratebookscripts.Bytheendofthisbook,you’llhavegainedtherequiredexpertisetobuildfull-fledgedmachinelearningprojectsatwork.
目錄(203章)
倒序
- coverpage
- Title Page
- Dedication
- About Packt
- Why subscribe?
- Packt.com
- Contributors
- About the authors
- About the reviewers
- 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
- Overview of TensorFlow and Machine Learning
- What is TensorFlow?
- The TensorFlow core
- Tensors
- Constants
- Operations
- Placeholders
- Tensors from Python objects
- Variables
- Tensors generated from library functions
- Obtaining variables with the tf.get_variable()
- Computation graph
- The order of execution and lazy loading
- Executing graphs across compute devices – CPU and GPGPU
- Placing graph nodes on specific compute devices
- Simple placement
- Dynamic placement
- Soft placement
- GPU memory handling
- Multiple graphs
- Machine learning classification and logistic regression
- Machine learning
- Classification
- Logistic regression for binary classification
- Logistic regression for multiclass classification
- Logistic regression with TensorFlow
- Logistic regression with Keras
- Summary
- Questions
- Further reading
- Using Machine Learning to Detect Exoplanets in Outer Space
- What is a decision tree?
- Why do we need ensembles?
- Decision tree-based ensemble methods
- Random forests
- Gradient boosting
- Decision tree-based ensembles in TensorFlow
- TensorForest Estimator
- TensorFlow boosted trees estimator
- Detecting exoplanets in outer space
- Building a TFBT model for exoplanet detection
- Summary
- Questions
- Further reading
- Sentiment Analysis in Your Browser Using TensorFlow.js
- Understanding TensorFlow.js
- Understanding Adam Optimization
- Understanding categorical cross entropy loss
- Understanding word embeddings
- Building the sentiment analysis model
- Pre-processing data
- Building the model
- Running the model on a browser using TensorFlow.js
- Summary
- Questions
- Digit Classification Using TensorFlow Lite
- What is TensorFlow Lite?
- Classification Model Evaluation Metrics
- Classifying digits using TensorFlow Lite
- Pre-processing data and defining the model
- Converting TensorFlow model to TensorFlow Lite
- Summary
- Questions
- Speech to Text and Topic Extraction Using NLP
- Speech-to-text frameworks and toolkits
- Google Speech Commands Dataset
- Neural network architecture
- Feature extraction module
- Deep neural network module
- Training the model
- Summary
- Questions
- Further reading
- Predicting Stock Prices using Gaussian Process Regression
- Understanding Bayes' rule
- Introducing Bayesian inference
- Introducing Gaussian processes
- Choosing kernels in GPs
- Choosing the hyper parameters of a kernel
- Applying GPs to stock market prediction
- Creating a stock price prediction model
- Understanding the results obtained
- Summary
- Questions
- Credit Card Fraud Detection using Autoencoders
- Understanding auto-encoders
- Building a fraud detection model
- Defining and training a fraud detection model
- Testing a fraud detection model
- Summary
- Questions
- Generating Uncertainty in Traffic Signs Classifier Using Bayesian Neural Networks
- Understanding Bayesian deep learning
- Bayes' rule in neural networks
- Understanding TensorFlow probability variational inference and Monte Carlo methods
- Building a Bayesian neural network
- Defining training and testing the model
- Summary
- Questions
- Generating Matching Shoe Bags from Shoe Images Using DiscoGANs
- Understanding generative models
- Training GANs
- Applications
- Challenges
- Understanding DiscoGANs
- Fundamental units of a DiscoGAN
- DiscoGAN modeling
- Building a DiscoGAN model
- Summary
- Questions
- Classifying Clothing Images using Capsule Networks
- Understanding the importance of capsule networks
- Understanding capsules
- How do capsules work?
- The dynamic routing algorithm
- CapsNet for classifying Fashion MNIST images
- CapsNet implementation
- Understanding the encoder
- Understanding the decoder
- Defining the loss function
- Training and testing the model
- Reconstructing sample images
- Limitations of capsule networks
- Summary
- Making Quality Product Recommendations Using TensorFlow
- Recommendation systems
- Content-based filtering
- Advantages of content-based filtering algorithms
- Disadvantages of content-based filtering algorithms
- Collaborative filtering
- Hybrid systems
- Matrix factorization
- Introducing the Retailrocket dataset
- Exploring the Retailrocket dataset
- Pre-processing the data
- The matrix factorization model for Retailrocket recommendations
- The neural network model for Retailrocket recommendations
- Summary
- Questions
- Further reading
- Object Detection at a Large Scale with TensorFlow
- Introducing Apache Spark
- Understanding distributed TensorFlow
- Deep learning through distributed TensorFlow
- Learning about TensorFlowOnSpark
- Understanding the architecture of TensorFlowOnSpark
- Deep delving inside the TFoS API
- Handwritten digits using TFoS
- Object detection using TensorFlowOnSpark and Sparkdl
- Transfer learning
- Understanding the Sparkdl interface
- Building an object detection model
- Summary
- Generating Book Scripts Using LSTMs
- Understanding recurrent neural networks
- Pre-processing the data
- Defining the model
- Training the model
- Defining and training a text-generating model
- Generating book scripts
- Summary
- Questions
- Playing Pacman Using Deep Reinforcement Learning
- Reinforcement learning
- Reinforcement learning versus supervised and unsupervised learning
- Components of Reinforcement Learning
- OpenAI Gym
- Creating a Pacman game in OpenAI Gym
- DQN for deep reinforcement learning
- Applying DQN to a game
- Summary
- Further Reading
- What is Next?
- Implementing TensorFlow in production
- Understanding TensorFlow Hub
- TensorFlow Serving
- TensorFlow Extended
- Recommendations for building AI applications
- Limitations of deep learning
- AI applications in industries
- Ethical considerations in AI
- Summary
- Other Books You May Enjoy
- Leave a review - let other readers know what you think 更新時間:2021-06-10 19:16:06
推薦閱讀
- ABB工業機器人編程全集
- Excel 2007函數與公式自學寶典
- Getting Started with Oracle SOA B2B Integration:A Hands-On Tutorial
- 數據產品經理:解決方案與案例分析
- 精通Excel VBA
- Mastering Elastic Stack
- 新手學電腦快速入門
- Machine Learning with Apache Spark Quick Start Guide
- 網絡安全管理實踐
- 統計挖掘與機器學習:大數據預測建模和分析技術(原書第3版)
- MPC5554/5553微處理器揭秘
- 大數據:引爆新的價值點
- 基于人工免疫原理的檢測系統模型及其應用
- 機器學習案例分析(基于Python語言)
- 人工智能:重塑個人、商業與社會
- Hands-On Artificial Intelligence for Beginners
- Kibana 7 Quick Start Guide
- MicroStrategy Quick Start Guide
- 生成式AI與新質內容生產力:從理論解讀到實際應用
- Java ME嵌入式程序設計
- Illustrator CS5插畫藝術
- Python數據挖掘入門與實踐
- 單片機原理及應用
- Extending SaltStack
- Arduino for Kids
- Reinforcement Learning with TensorFlow
- .NET Web高級開發
- 智能制造裝備及系統
- 51單片機應用開發25例
- 物聯網安全技術