Oreilly - TensorFlow and the Google Cloud ML Engine for Deep Learning - 9781789135688
Oreilly - TensorFlow and the Google Cloud ML Engine for Deep Learning
by Loonycorn | Released February 2018 | ISBN: 9781789135688


CNNs, RNNs and other neural networks for unsupervised and supervised deep learning About This VideoDeep learning basics: What a neuron is; how neural networks connect neurons to 'learn' complex functions; how TF makes it easy to build neural network modelsUsing Deep Learning for the famous ML problems: regression, classification, clustering and autoencodingCNNs - Convolutional Neural Networks: Kernel functions, feature maps, CNNs v DNNsRNNs - Recurrent Neural Networks: LSTMs, Back-propagation through time and dealing with vanishing/exploding gradientsUnsupervised learning techniques - Autoencoding, K-means clustering, PCA as autoencodingWorking with imagesWorking with documents and word embedding'sGoogle Cloud ML Engine: Distributed training and prediction of TF models on the cloudWorking with TensorFlow estimatorsIn DetailTensorFlow is quickly becoming the technology of choice for deep learning, because of how easy TF makes it to build powerful and sophisticated neural networks. The Google Cloud Platform is a great place to run TF models at scale, and perform distributed training and prediction. This is a comprehensive, from-the-basics course on TensorFlow and building neural networks. It assumes no prior knowledge of Tensorflow, all you need to know is basic Python programming. Show and hide more
  1. Chapter 1 : Introduction
    • You, This Course and Us 00:02:38
  2. Chapter 2 : Installation
    • Install TensorFlow 00:06:24
    • Install Jupyter Notebook 00:04:38
    • Lab: Setting up A GCP Account 00:07:00
    • Lab: Using the Cloud Shell 00:06:01
    • Datalab ~ Jupyter 00:03:00
    • Lab: Creating and Working On a Datalab Instance 00:04:02
  3. Chapter 3 : TensorFlow and Machine Learning
    • Introducing Machine Learning 00:08:04
    • Representation Learning 00:10:28
    • Neural Networks Introduced 00:07:35
    • Introducing TensorFlow 00:07:17
    • Lab: Simple Math Operations 00:08:46
    • Computation Graph 00:10:17
    • Tensors 00:09:02
    • Lab: Tensors 00:05:04
    • Linear Regression Intro 00:09:57
    • Placeholders and Variables 00:08:45
    • Lab: Placeholders 00:06:37
    • Lab: Variables 00:07:49
    • Lab: Linear Regression with Made-up Data 00:04:52
  4. Chapter 4 : Working with Images
    • Image Processing 00:08:06
    • Images As Tensors 00:08:16
    • Reading and Working with Images 00:08:06
    • Lab: Image Transformations 00:06:38
  5. Chapter 5 : K-Nearest-Neighbors with TensorFlow
    • Introducing MNIST 00:04:13
    • K-Nearest Neighbours as Unsupervised Learning 00:07:43
    • One-hot Notation and L1 Distance 00:07:31
    • Steps in the K-Nearest-Neighbours Implementation 00:09:33
    • Lab: K-Nearest-Neighbours 00:14:15
  6. Chapter 6 : Linear Regression with a Single Neuron
    • Learning Algorithm 00:10:59
    • Individual Neuron 00:09:52
    • Learning Regression 00:07:51
    • Learning XOR 00:10:27
    • XOR Trained 00:11:12
  7. Chapter 7 : Linear Regression in TensorFlow
    • Lab: Access Data from Yahoo Finance 00:02:50
    • Non TensorFlow Regression 00:08:06
    • Lab: Linear Regression - Setting Up a Baseline 00:11:19
    • Gradient Descent 00:09:57
    • Lab: Linear Regression 00:14:42
    • Lab: Multiple Regression in TensorFlow 00:09:16
  8. Chapter 8 : Logistic Regression in TensorFlow
    • Logistic Regression Introduced 00:10:16
    • Linear Classification 00:05:26
    • Lab: Logistic Regression - Setting Up a Baseline 00:07:33
    • Logit 00:08:33
    • Softmax 00:11:55
    • Argmax 00:12:13
    • Lab: Logistic Regression 00:16:57
  9. Chapter 9 : The Estimator API
    • Estimators 00:04:11
    • Lab: Linear Regression using Estimators 00:07:49
    • Lab: Logistic Regression using Estimators 00:04:54
  10. Chapter 10 : Neural Networks and Deep Learning
    • Traditional Machine Learning 00:06:24
    • Deep Learning 00:09:23
    • Operation of a Single Neuron 00:08:18
    • The Activation Function 00:10:42
    • Training a Neural Network: Back Propagation 00:06:41
    • Lab: Automobile Price Prediction - Exploring the Dataset 00:11:13
    • Lab: Automobile Price Prediction - Using TensorFlow for Prediction 00:14:35
    • Hyperparameters 00:06:27
    • Vanishing and Exploding Gradients 00:12:11
    • The Bias-Variance Trade-off 00:08:27
    • Preventing Overfitting 00:07:37
    • Lab: Iris Flower Classification 00:12:09
  11. Chapter 11 : Classifiers and Classification
    • Classification as an ML Problem 00:07:50
    • Confusion Matrix: Accuracy, Precision and Recall 00:12:39
    • Decision Thresholds and the Precision-Recall Trade-off 00:10:44
    • F1 Scores and the ROC Curve 00:07:45
  12. Chapter 12 : Convolutional Neural Networks (CNNs)
    • Mimicking the Visual Cortex 00:05:08
    • Convolution 00:06:43
    • Choice of Kernel Functions 00:04:48
    • Zero Padding and Stride Size 00:05:48
    • CNNs vs DNNs 00:07:15
    • Feature Maps 00:09:29
    • Pooling 00:06:15
    • Lab: Classification of Street View House Numbers - Exploring the Dataset 00:10:38
    • Basic Architecture of a CNN 00:07:07
    • Lab: Classification of Street View House Numbers - Building the Model 00:12:53
    • Lab: Classification of Street View House Numbers - Running the Model 00:07:36
    • Lab: Building a CNN Using the Estimator API 00:12:20
  13. Chapter 13 : Recurrent Neural Networks (RNNs)
    • Learning from the Past 00:08:32
    • Unrolling an RNN Cell through Time 00:06:55
    • Training an RNN - Back Propagation through Time 00:08:23
    • Lab: RNNs for Image Classification 00:14:21
    • Vanishing and Exploding Gradients in an RNN 00:07:05
    • Long Memory Neurons vs Truncated BPTT 00:06:03
    • The Long/Short Term Memory Cell 00:06:29
    • A Sequence of Words 00:06:36
    • Text in Numeric Form 00:15:08
    • Lab: Sentiment Analysis on Rotten Tomatoes Reviews - Exploring the Dataset 00:10:35
    • Lab: Sentiment Analysis on Rotten Tomatoes Reviews - Building, Running the Model 00:11:20
  14. Chapter 14 : Unsupervised Learning
    • Supervised and Unsupervised Learning 00:11:30
    • Expressing Attributes as Numbers 00:05:33
    • K-Means Clustering 00:15:15
    • Lab: K-Means Clustering with 2-Dimensional Points in Space 00:08:52
    • Lab: K-Means Clustering with Images 00:10:20
    • Patterns in Data 00:03:20
    • Principal Components Analysis 00:13:20
    • Autoencoders 00:05:03
    • Autoencoder Neural Network Architecture 00:09:04
    • Lab: PCA on Stock Data - Matplotlib vs Autoencoders 00:14:15
    • Stacked Autoencoders 00:04:28
    • Lab: Stacked Autoencoder with Dropout 00:07:52
    • Lab: Stacked Autoencoder with Regularization and He Initialization 00:06:15
    • Denoising Autoencoders 00:01:26
    • Lab: Denoising Autoencoder with Gaussian Noise 00:01:58
  15. Chapter 15 : TensorFlow on the Google Cloud
    • Lab: Taxicab Prediction - Setting up the dataset 00:14:39
    • Lab: Taxicab Prediction - Training and Running the model 00:11:22
  16. Chapter 16 : TensorFlow Using Cloud ML Engine
    • A Taxicab Fare Prediction Problem 00:03:25
    • Datalab 00:07:03
    • Querying BigQuery 00:05:24
    • Explore Data 00:06:03
    • Clean Data 00:04:48
    • Benchmark 00:05:45
    • Using TensorFlow 00:08:22
    • The Estimator API 00:08:48
    • The Experiment Function 00:05:48
    • Introduction to Cloud MLE 00:07:53
    • Using Cloud MLE 00:08:06
    • The Training Service 00:06:24
    • The Prediction Service 00:07:54
  17. Chapter 17 : Feature Engineering and Hyperparameter Tuning
    • Feature Engineering to the rescue 00:01:04
    • New Approach 00:06:43
    • Dataflow Create Pipeline 00:07:11
    • Dataflow Run Pipeline 00:05:04
    • Feature Engineering 00:08:35
    • Deep and Wide Models 00:09:16
    • Hyperparameter Tuning 00:07:34
    • Hyperparameter Tuning on the GCP 00:06:36
  18. Show and hide more

    Oreilly - TensorFlow and the Google Cloud ML Engine for Deep Learning

    9781789135688.TensorFlow.and.the.Google.Cloud.ML.Engine.for.Deep.Learning.part1.OR.rar

    9781789135688.TensorFlow.and.the.Google.Cloud.ML.Engine.for.Deep.Learning.part2.OR.rar


 TO MAC USERS: If RAR password doesn't work, use this archive program: 

RAR Expander 0.8.5 Beta 4  and extract password protected files without error.


 TO WIN USERS: If RAR password doesn't work, use this archive program: 

Latest Winrar  and extract password protected files without error.


 Coktum   |  

Information
Members of Guests cannot leave comments.


SermonBox - Seasonal Collection

SermonBox - The Series Pack Collection

Top Rated News

  • Christmas Material
  • Laser Cut & Print Design Elements Bundle - ETSY
  • Daz3D - All Materials - SKU 37000-37999
  • Cgaxis - All Product - 2019 - All Retail! - UPDATED!!!
  • DigitalXModels Full Collections
  • Rampant Design Tools Full Collections Total: $4400
  • FilmLooks.Com Full Collection
  • All PixelSquid Product
  • The Pixel Lab Collection
  • Envato Elements Full Sources- 3200+ Files
  • Ui8.NET Full Sources
  • The History of The 20th Century
  • The Dover Collections
  • Snake Interiors Collections
  • Inspirational Collections
  • Veer Fancy Collections
  • All Ojo Images
  • All ZZVE Collections
  • All Sozaijiten Collections
  • All Image Broker Collections
  • Shuterstock Bundle Collections
  • Tattoo Collections
  • Blend Images Collections
  • Authors Tuorism Collections
  • Motion Mile - Big Bundle
  • PhotoBacks - All Product - 2018
  • Dekes Techniques - Photoshop & Illustrator Course - 1 to 673
Telegram GFXTRA Group
Udemy - Turkce Gorsel Ogrenme Setleri - Part 2
Videohive Wow Pack Series


rss