Details

Applied Neural Networks with TensorFlow 2


Applied Neural Networks with TensorFlow 2

API Oriented Deep Learning with Python

von: Orhan Gazi Yalçin

CHF 65.00

Verlag: Apress
Format: PDF
Veröffentl.: 29.11.2020
ISBN/EAN: 9781484265130
Sprache: englisch

Dieses eBook enthält ein Wasserzeichen.

Beschreibungen

Implement deep learning applications using TensorFlow while learning the “why” through in-depth conceptual explanations.&nbsp; <div><br></div><div>You’ll start by learning what deep learning offers over other machine learning models. Then familiarize yourself with several technologies used to create deep learning models. While some of these technologies are complementary, such as Pandas, Scikit-Learn, and Numpy—others are competitors, such as PyTorch, Caffe, and Theano. This book clarifies the positions of deep learning and Tensorflow among their peers.&nbsp;</div><div><br></div><div>You'll then work on supervised deep learning models to gain applied experience with the technology. A single-layer of multiple perceptrons will be used to build a shallow neural network before turning it into a deep neural network. After showing the structure of the ANNs, a real-life application will be created with Tensorflow 2.0 Keras API. Next, you’ll work on data augmentation and batch normalization methods. Then, the Fashion MNIST dataset will be used to train a CNN. CIFAR10 and Imagenet pre-trained models will be loaded to create already advanced CNNs.</div><div><div><br></div> <div>Finally, move into theoretical applications and unsupervised learning with auto-encoders and reinforcement learning with tf-agent models. With this book, you’ll delve into applied deep learning practical functions and build a wealth of knowledge about how to use TensorFlow effectively.</div><div><br></div> <div><b>What You'll Learn</b></div> <div><ul><li>Compare competing technologies and see why TensorFlow is more popular<br></li><li>Generate text, image, or sound with GANs<br></li><li>Predict the rating or preference a user will give to an item<br></li><li>Sequence data with recurrent neural networks</li></ul></div> <div><b>Who This Book Is For</b></div><div><b><br></b></div> Data scientists and programmers new to the fields of deep learning and machine learning APIs. </div>
Chapter 1: Introduction<div><div><div><div><div><ul><li>How to Make the Most out of this Book<br></li><li>What is Tensorflow?<br></li><li>What’s New in Tensorflow 2.0<br></li><li>Google Colab and Jupyter Notebook<br></li><li>Installation and Environment Setup<br></li></ul><div>Chapter 2: Machine Learning</div><div><br></div><div><div><div><div>● &nbsp;What is Machine Learning?<br>● &nbsp;Types of Machine Learning<br>a. Supervised Learning: Regression, Classification (Binary or Multiclass)&nbsp;</div><div>b. Unsupervised Learning<br>c. Semi-Supervised Learning<br>d. Reinforcement Learning<br>● &nbsp;Machine Learning Terms:<br>a. Data and Datasets: Train, Test, and Validation&nbsp;</div><div>b. Cross-Validation</div><div>c. Overfitting</div><div><div><div><div><div>d.&nbsp;Bias & Variance,<br>e.&nbsp;Fine-Tuning<br>f.&nbsp;Performance Terms: Accuracy, Recall, Precision, F1 Score, Confusion Matrix<br>● Introduction to and Comparison of ML Models:<br>a. Regression (Linear and Logistic), Decision Trees, K-Nearest Neighbors, Support<br>Vector Machines, K-Means Clustering, Principal Component Analysis<br>● Steps of Machine Learning: Data Cleaning, Model Building, Dataset Split: Training, Testing,<br>and Validation, and Performance Evaluation<br></div><div><br></div><div>Chapter 3: Deep Learning</div><div><div><div><div><div>● &nbsp;Introduction to Deep Learning<br>● &nbsp;Introduction to Perceptron<br>● &nbsp;Activation Functions<br>● &nbsp;Cost (Loss) Function<br>● &nbsp;Gradient Descent Backpropagation<br>● &nbsp;Normalization and Standardization<br>● &nbsp;Loss Function and Optimization Functions<br>● &nbsp;Optimizer<br></div><div><br></div><div>Chapter 4:&nbsp;Relevant Technologies Used for Machine Learning</div><div><div><div><div><div>● &nbsp;Numpy<br>● &nbsp;Matplotlib<br>● &nbsp;Pandas<br>● &nbsp;Scikit Learn<br>● &nbsp;Deployment with Flask<br></div><div><br></div><div>Chapter 5: TensorFlow 2.0</div><div><div><div><div><div>● &nbsp;Tensorflow vs. Other Deep Learning Libraries<br>● &nbsp;Keras API vs. Estimator<br>● &nbsp;Keras API Syntax<br>● &nbsp;Hardware Options and Performance Evaluation: CPUs vs. GPUs vs. TPUs<br></div><div><br></div><div>Chapter 6:&nbsp;Artificial Neural Networks (ANNs)</div><div><div><div><div><div>● &nbsp;Introduction to ANNs<br>● &nbsp;Perceptron Model<br>● &nbsp;Linear (Shallow) Neural Networks<br>● &nbsp;Deep Neural Networks<br>● &nbsp;ANN Application Example with TF 2.0 Keras API<br></div><div><br></div><div>Chapter 7:&nbsp;Convolutional Neural Networks (CNNs)</div><div><div><div><div><div>● &nbsp;Introduction to CNN Architecture<br>● &nbsp;CNN Basics: Strides and Filtering<br>● &nbsp;Dealing with Image Data<br>● &nbsp;Batch Normalization<br>● &nbsp;Data Augmentation<br>● &nbsp;CNN for Fashion MNIST with TF 2.0 Keras API<br>● &nbsp;CNN for CIFAR10 with TF 2.0 Keras API (Pre-Trained Model)<br>● &nbsp;CNN with Imagenet with TF 2.0 Keras API (Pre-Trained Model)<br></div><div><br></div><div>Chapter 8:&nbsp;Recurrent Neural Networks (RNNs)</div><div><div><div><div><div>● &nbsp;Introduction to RNN Architectures<br>● &nbsp;Sequence Data (incl. Time Series)<br>● &nbsp;Data Preparation<br>● &nbsp;Simple RNN Architecture</div><div>● &nbsp;Gated Recurrent Unit (GRU) Architecture</div><div>● &nbsp;Long-Short Term Memory (LSTM) Architecture<div><div><div><div>● &nbsp;Simple RNN, GRU, and LSTM Comparison<br></div><div><br></div><div>Chapter 9:&nbsp;Natural Language Processing (RNN and CNN applications)</div><div><div><div><div><div>● &nbsp;Introduction to Natural Language Processing<br>● &nbsp;Text Processing<br>● &nbsp;NLP Application with RNN<br>● &nbsp;NLP Application with CNN<br>● &nbsp;Text Generation<br></div><div><br></div><div>Chapter 10: Recommender Systems</div><div><div><div><div>● &nbsp;Introduction to Recommender Systems<br>● &nbsp;Recommender System Using MovieLens Dataset<br>● &nbsp;Recommender System Using Jester Dataset<br></div><div><br></div><div>Chapter 11: Auto-Encoders</div><div><div><div><div><div>● &nbsp;Introduction to Auto-Encoders<br>● &nbsp;Dimensionality Reduction<br>● &nbsp;Noise Removal<br>● &nbsp;Auto-Encoder for Images<br></div><div><br></div><div>Chapter 12:&nbsp;Generative Adversarial Networks (GANs)</div><div><div><div><div><div>● &nbsp;Introduction to Generative Adversarial Networks<br>● &nbsp;Generator and Discriminator Structures</div><div>● &nbsp;Image Generation with GANs</div><div>● &nbsp;Text Generation with GANs</div><div><br></div><div>Chapter 13: Conclusion</div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div></div><p></p></div></div></div>
<p><strong>Orhan Gazi Yalçın</strong> is a joint Ph.D. candidate at the University of Bologna & the Polytechnic University of Madrid. After completing his double major in business and law, he began his career in Istanbul, working for a city law firm, Allen & Overy, and a global entrepreneurship network, Endeavor. During his academic and professional career, he taught himself programming and excelled in machine learning. He currently conducts research on hotly debated law & AI topics such as explainable artificial intelligence and the right to explanation by combining his technical and legal skills. In his spare time, he enjoys free-diving, swimming, exercising as well as discovering new countries, cultures, and cuisines.</p>
Implement deep learning applications using TensorFlow while learning the “why” through in-depth conceptual explanations.&nbsp;<div><br></div><div>You’ll start by learning what deep learning offers over other machine learning models. Then familiarize yourself with several technologies used to create deep learning models. While some of these technologies are complementary, such as Pandas, Scikit-Learn, and Numpy—others are competitors, such as PyTorch, Caffe, and Theano. This book clarifies the positions of deep learning and Tensorflow among their peers.&nbsp;</div><div><br></div><div>You'll then work on supervised deep learning models to gain applied experience with the technology. A single-layer of multiple perceptrons will be used to build a shallow neural network before turning it into a deep neural network. After showing the structure of the ANNs, a real-life application will be created with Tensorflow 2.0 Keras API. Next, you’ll work on data augmentation and batch normalization methods. Then, the Fashion MNIST dataset will be used to train a CNN. CIFAR10 and Imagenet pre-trained models will be loaded to create already advanced CNNs.</div><div><div><br></div><div>Finally, move into theoretical applications and unsupervised learning with auto-encoders and reinforcement learning with tf-agent models. With this book, you’ll delve into applied deep learning practical functions and build a wealth of knowledge about how to use TensorFlow effectively.</div><div><br></div><div>You will:</div><div><ul><li>Compare competing technologies and see why TensorFlow is more popular<br></li><li>Generate text, image, or sound with GANs<br></li><li>Predict the rating or preference a user will give to an item<br></li><li>Sequence data with recurrent neural networks</li></ul></div></div>
<p>Differentiate supervised, unsupervised, and reinforcement machine learning</p><p>Serve trained deep learning models on the web with the Flask lightweight framework</p><p>Build a shallow neural network</p>

Diese Produkte könnten Sie auch interessieren:

Quantifiers in Action
Quantifiers in Action
von: Antonio Badia
PDF ebook
CHF 118.00
Managing and Mining Uncertain Data
Managing and Mining Uncertain Data
von: Charu C. Aggarwal
PDF ebook
CHF 118.00