ZeroToMastery - TensorFlow for Deep Learning Bootcamp Zero to Mastery (5.2025)
File List
- 10. NLP Fundamentals in TensorFlow/16. Visualizing our model's learned word embeddings with TensorFlow's projector tool.mp4 269.1 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/23. Writing a preprocessing function to turn time series data into windows & labels.mp4 187.2 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/47. Model 7 Putting together the pieces of the puzzle of the N-BEATS model.mp4 172.6 MB
- 11. Milestone Project 2 SkimLit/6. Writing a preprocessing function to structure our data for modelling.mp4 160.0 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/41. Model 7 Replicating the N-BEATS basic block with TensorFlow layer subclassing.mp4 152.3 MB
- 10. NLP Fundamentals in TensorFlow/15. Model 1 Building, fitting and evaluating our first deep model on text data.mp4 151.0 MB
- 10. NLP Fundamentals in TensorFlow/9. Setting up a TensorFlow TextVectorization layer to convert text to numbers.mp4 145.6 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/21. Preparing Model 3 (our first fine-tuned model).mp4 144.8 MB
- 3. Neural network regression with TensorFlow/13. Evaluating a TensorFlow model part 3 (getting a model summary).mp4 142.1 MB
- 11. Milestone Project 2 SkimLit/21. Model 4 Building a multi-input model (hybrid token + character embeddings).mp4 136.6 MB
- 11. Milestone Project 2 SkimLit/17. Creating a character-level tokeniser with TensorFlow's TextVectorization layer.mp4 133.1 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/51. Model 8 Making and evaluating predictions with our ensemble model.mp4 129.9 MB
- 10. NLP Fundamentals in TensorFlow/21. Discussing the intuition behind Conv1D neural networks for text and sequences.mp4 128.9 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/42. Model 7 Testing our N-BEATS block implementation with dummy data inputs.mp4 128.6 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/4. Downloading and turning our images into a TensorFlow BatchDataset.mp4 126.1 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/15. Breaking our CNN model down part 5 Looking inside a Conv2D layer.mp4 125.8 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/10. Getting a feature vector from our trained model.mp4 124.7 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/50. Model 8 Building, compiling and fitting an ensemble of models.mp4 121.5 MB
- 10. NLP Fundamentals in TensorFlow/27. Fixing our data leakage issue with model 7 and retraining it.mp4 121.2 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/35. Model 5 Building, fitting and evaluating a LSTM (RNN) model on our Bitcoin data.mp4 121.0 MB
- 4. Neural network classification in TensorFlow/19. Using callbacks to find a model's ideal learning rate.mp4 120.9 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/26. Model 1 Building, compiling and fitting a deep learning model on Bitcoin data.mp4 120.4 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/45. Model 7 Getting ready for residual connections.mp4 120.4 MB
- 3. Neural network regression with TensorFlow/7. The major steps in modelling with TensorFlow.mp4 120.3 MB
- 4. Neural network classification in TensorFlow/9. Creating a function to view our model's not so good predictions.mp4 120.0 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/9. Compiling and fitting our first Functional API model.mp4 118.6 MB
- 11. Milestone Project 2 SkimLit/14. Model 1 Building, fitting and evaluating a Conv1D with token embeddings.mp4 118.1 MB
- 10. NLP Fundamentals in TensorFlow/19. Model 3 Building, fitting and evaluating a GRU-cell powered RNN.mp4 117.8 MB
- 3. Neural network regression with TensorFlow/27. Putting together what we've learned part 3 (improving our regression model).mp4 117.7 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/8. Downloading and inspecting our Bitcoin historical dataset.mp4 115.8 MB
- 11. Milestone Project 2 SkimLit/29. Model 5 Completing the build of a tribrid embedding model for sequences.mp4 115.2 MB
- 10. NLP Fundamentals in TensorFlow/18. Model 2 Building, fitting and evaluating our first TensorFlow RNN model (LSTM).mp4 114.4 MB
- 10. NLP Fundamentals in TensorFlow/14. Creating a function to track and evaluate our model's results.mp4 114.2 MB
- 10. NLP Fundamentals in TensorFlow/6. Becoming one with the data and visualizing a text dataset.mp4 114.1 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/14. Creating a confusion matrix for our model's 101 different classes.mp4 114.0 MB
- 11. Milestone Project 2 SkimLit/4. Setting up our notebook for Milestone Project 2 (getting the data).mp4 113.5 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/18. Making predictions on our test images and evaluating them.mp4 113.1 MB
- 11. Milestone Project 2 SkimLit/24. Model 4 Building, fitting and evaluating a hybrid embedding model.mp4 112.4 MB
- 10. NLP Fundamentals in TensorFlow/20. Model 4 Building, fitting and evaluating a bidirectional RNN model.mp4 108.8 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/16. Building Model 1 (with a data augmentation layer and 1% of training data).mp4 105.3 MB
- 4. Neural network classification in TensorFlow/17. Getting great results in less time by tweaking the learning rate.mp4 104.5 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/17. Building Model 2 (with a data augmentation layer and 10% of training data).mp4 104.5 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/20. Breaking our CNN model down part 10 Visualizing our augmented data.mp4 103.9 MB
- 11. Milestone Project 2 SkimLit/35. Congratulations and your challenge before heading to the next module.mp4 103.5 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/8. Creating our first model with the TensorFlow Keras Functional API.mp4 103.3 MB
- 10. NLP Fundamentals in TensorFlow/11. Creating an Embedding layer to turn tokenised text into embedding vectors.mp4 103.3 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/27. Multi-class CNN's part 1 Becoming one with the data.mp4 103.2 MB
- 4. Neural network classification in TensorFlow/16. Non-linearity part 5 Replicating non-linear activation functions from scratch.mp4 101.1 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/28. Model 2 Building, fitting and evaluating a deep model with a larger window size-27.mp4 100.7 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/34. Model 4 Building, fitting and evaluating a Conv1D model on our Bitcoin data.mp4 100.0 MB
- 11. Milestone Project 2 SkimLit/5. Visualizing examples from the dataset (becoming one with the data).mp4 99.5 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/7. Building an end to end CNN Model.mp4 97.7 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/10. Comparing Our Model's Results.mp4 97.0 MB
- 11. Milestone Project 2 SkimLit/1. Introduction to Milestone Project 2 SkimLit.mp4 96.3 MB
- 4. Neural network classification in TensorFlow/27. Multi-class classification part 3 Building a multi-class classification model.mp4 95.8 MB
- 9. Milestone Project 1 Food Vision Big™/7. Batching and preparing our datasets (to make them run fast).mp4 95.2 MB
- 11. Milestone Project 2 SkimLit/11. Creating a text vectoriser to map our tokens (text) to numbers.mp4 94.9 MB
- 3. Neural network regression with TensorFlow/25. Putting together what we've learned part 1 (preparing a dataset).mp4 94.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/29. Model 3 Building, fitting and evaluating a model with a larger horizon size.mp4 94.6 MB
- 11. Milestone Project 2 SkimLit/15. Preparing a pretrained embedding layer from TensorFlow Hub for Model 2.mp4 94.3 MB
- 4. Neural network classification in TensorFlow/14. Non-linearity part 3 Upgrading our non-linear model with more layers.mp4 94.3 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/8. Using a GPU to run our CNN model 5x faster.mp4 93.5 MB
- 4. Neural network classification in TensorFlow/11. Make our poor classification model work for a regression dataset.mp4 93.2 MB
- 10. NLP Fundamentals in TensorFlow/31. Downloading a pretrained model and preparing data to investigate predictions.mp4 93.0 MB
- 11. Milestone Project 2 SkimLit/19. Model 3 Building, fitting and evaluating a Conv1D model on character embeddings.mp4 92.8 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/32. Multi-class CNN's part 6 Trying to fix overfitting by removing layers.mp4 92.4 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/15. Evaluating every individual class in our dataset.mp4 92.2 MB
- 3. Neural network regression with TensorFlow/10. Steps in improving a model with TensorFlow part 3.mp4 92.2 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/11. Making predictions with our trained model on 25,250 test samples.mp4 91.4 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/2. Getting helper functions ready and downloading data to model.mp4 90.7 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/18. Breaking our CNN model down part 8 Reducing overfitting with Max Pooling.mp4 90.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/43. Model 7 Creating a performant data pipeline for the N-BEATS model with tf.data.mp4 90.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/27. Creating a function to make predictions with our trained models.mp4 90.2 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/35. Multi-class CNN's part 9 Making predictions with our model on custom images.mp4 90.0 MB
- 10. NLP Fundamentals in TensorFlow/23. Using TensorFlow Hub for pretrained word embeddings (transfer learning for NLP).mp4 89.9 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/2. Downloading and preparing data for our first transfer learning model.mp4 89.3 MB
- 4. Neural network classification in TensorFlow/34. What patterns is our model learning.mp4 88.7 MB
- 11. Milestone Project 2 SkimLit/32. Bringing SkimLit to life!!! (fitting and evaluating Model 5).mp4 88.4 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/59. Model 9 Creating a function to make forecasts into the future.mp4 87.6 MB
- 4. Neural network classification in TensorFlow/7. Building a not very good classification model with TensorFlow.mp4 87.5 MB
- 9. Milestone Project 1 Food Vision Big™/6. Creating a preprocessing function to prepare our data for modelling.mp4 86.8 MB
- 10. NLP Fundamentals in TensorFlow/4. The typical architecture of a Recurrent Neural Network (RNN).mp4 86.7 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/5. Building and compiling a TensorFlow Hub feature extraction model.mp4 86.7 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/33. Multi-class CNN's part 7 Trying to fix overfitting with data augmentation.mp4 86.3 MB
- 3. Neural network regression with TensorFlow/19. Setting up TensorFlow modelling experiments part 1 (start with a simple model).mp4 86.1 MB
- 11. Milestone Project 2 SkimLit/30. Visually inspecting the architecture of our tribrid embedding model.mp4 86.0 MB
- 10. NLP Fundamentals in TensorFlow/34. Understanding the concept of the speedscore tradeoff.mp4 85.9 MB
- 10. NLP Fundamentals in TensorFlow/2. Introduction to Natural Language Processing (NLP) and Sequence Problems.mp4 84.9 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/21. Plotting and visualizing the samples our model got most wrong.mp4 84.6 MB
- 9. Milestone Project 1 Food Vision Big™/11. Turning on mixed precision training with TensorFlow.mp4 84.2 MB
- 4. Neural network classification in TensorFlow/31. Multi-class classification part 7 Evaluating our model.mp4 83.9 MB
- 11. Milestone Project 2 SkimLit/8. Turning our target labels into numbers (ML models require numbers).mp4 83.7 MB
- 4. Neural network classification in TensorFlow/28. Multi-class classification part 4 Improving performance with normalisation.mp4 83.3 MB
- 9. Milestone Project 1 Food Vision Big™/4. Introduction to TensorFlow Datasets (TFDS).mp4 82.2 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/9. Different Types of Transfer Learning.mp4 82.2 MB
- 3. Neural network regression with TensorFlow/26. Putting together what we've learned part 2 (building a regression model).mp4 81.6 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/13. Building a data augmentation layer to use inside our model.mp4 81.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/38. Preparing our multivariate time series for a model.mp4 80.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/46. Model 7 Outlining the steps we're going to take to build the N-BEATS model.mp4 79.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/36. Investigating how to turn our univariate time series into multivariate.mp4 79.3 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/54. Plotting the prediction intervals of our ensemble model predictions.mp4 79.2 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/10. Improving our non-CNN model by adding more layers.mp4 79.0 MB
- 2. Deep Learning and TensorFlow Fundamentals/29. Making sure our tensor operations run really fast on GPUs.mp4 78.2 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/40. Model 7 Discussing what we're going to be doing with the N-BEATS algorithm.mp4 78.1 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/16. Model 0 Making and visualizing a naive forecast model.mp4 77.9 MB
- 9. Milestone Project 1 Food Vision Big™/15. Introducing your Milestone Project 1 challenge build a model to beat DeepFood.mp4 77.2 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/55. (Optional) Discussing the types of uncertainty in machine learning.mp4 77.2 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/13. Breaking our CNN model down part 3 Loading our data with ImageDataGenerator.mp4 77.1 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/20. Writing code to uncover our model's most wrong predictions.mp4 77.0 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/25. Writing a helper function to load and preprocessing custom images.mp4 76.8 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/22. Breaking our CNN model down part 12 Discovering the power of shuffling data.mp4 76.8 MB
- 4. Neural network classification in TensorFlow/24. Making our confusion matrix prettier.mp4 76.4 MB
- 11. Milestone Project 2 SkimLit/31. Creating multi-level data input pipelines for Model 5 with the tf.data API.mp4 76.3 MB
- 11. Milestone Project 2 SkimLit/26. Encoding the line number feature to used with Model 5.mp4 75.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/11. Reading in our Bitcoin data with Python's CSV module.mp4 75.3 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/62. Model 10 Building a model to predict on turkey data (why forecasting is BS).mp4 74.9 MB
- 11. Milestone Project 2 SkimLit/16. Model 2 Building, fitting and evaluating a Conv1D model with token embeddings.mp4 74.8 MB
- 9. Milestone Project 1 Food Vision Big™/13. Checking to see if our model is using mixed precision training layer by layer.mp4 74.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/52. Discussing the importance of prediction intervals in forecasting.mp4 74.0 MB
- 2. Deep Learning and TensorFlow Fundamentals/10. Creating your first tensors with TensorFlow and tf.constant().mp4 73.9 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/33. Preparing data for building a Conv1D model.mp4 73.9 MB
- 9. Milestone Project 1 Food Vision Big™/5. Exploring and becoming one with the data (Food101 from TensorFlow Datasets).mp4 73.5 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/12. Breaking our CNN model down part 2 Preparing to load our data.mp4 73.3 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/44. Model 7 Setting up hyperparameters for the N-BEATS algorithm.mp4 73.3 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/8. Building and training a pre-trained EfficientNet model on our data.mp4 73.3 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/18. Implementing MASE with TensorFlow.mp4 73.1 MB
- 10. NLP Fundamentals in TensorFlow/30. Saving and loading in a trained NLP model with TensorFlow.mp4 73.1 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/63. Comparing the results of all of our models and discussing where to go next.mp4 73.0 MB
- 4. Neural network classification in TensorFlow/4. Typical architecture of neural network classification models with TensorFlow.mp4 72.8 MB
- 10. NLP Fundamentals in TensorFlow/10. Mapping the TextVectorization layer to text data and turning it into numbers.mp4 72.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/60. Model 9 Plotting our model's future forecasts.mp4 72.6 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/9. Trying a non-CNN model on our image data.mp4 71.8 MB
- 10. NLP Fundamentals in TensorFlow/28. Comparing all our modelling experiments evaluation metrics.mp4 71.6 MB
- 9. Milestone Project 1 Food Vision Big™/12. Creating a feature extraction model capable of using mixed precision training.mp4 71.6 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/30. Adjusting the evaluation function to work for predictions with larger horizons.mp4 71.5 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/15. Visualizing what happens when images pass through our data augmentation layer.mp4 71.4 MB
- 11. Milestone Project 2 SkimLit/12. Creating a custom token embedding layer with TensorFlow.mp4 71.0 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/32. Comparing our modelling experiments so far and discussing autocorrelation.mp4 71.0 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/21. Formatting data Part 2 Creating a function to label our windowed time series.mp4 70.7 MB
- 10. NLP Fundamentals in TensorFlow/26. Model 7 Building, training and evaluating a transfer learning model on 10% data.mp4 70.4 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/22. Making predictions on and plotting our own custom images.mp4 70.1 MB
- 3. Neural network regression with TensorFlow/22. How to save a TensorFlow model.mp4 70.1 MB
- 10. NLP Fundamentals in TensorFlow/17. High-level overview of Recurrent Neural Networks (RNNs) + where to learn more.mp4 70.0 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/17. Creating a function to load and prepare images for making predictions.mp4 70.0 MB
- 3. Neural network regression with TensorFlow/23. How to load and use a saved TensorFlow model.mp4 69.9 MB
- 3. Neural network regression with TensorFlow/21. Comparing and tracking your TensorFlow modelling experiments.mp4 69.2 MB
- 10. NLP Fundamentals in TensorFlow/29. Uploading our model's training logs to TensorBoard and comparing them.mp4 68.9 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/2. Importing a script full of helper functions (and saving lots of space).mp4 68.9 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/37. Creating and plotting a multivariate time series with BTC price and block reward.mp4 68.7 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/6. Blowing our previous models out of the water with transfer learning.mp4 68.5 MB
- 16. Appendix Pandas for Data Analysis/9. Selecting and Viewing Data with Pandas Part 2.mp4 68.0 MB
- 3. Neural network regression with TensorFlow/20. Setting up TensorFlow modelling experiments part 2 (increasing complexity).mp4 67.9 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/10. Downloading a pretrained model to make and evaluate predictions with.mp4 67.9 MB
- 10. NLP Fundamentals in TensorFlow/8. Converting text data to numbers using tokenisation and embeddings (overview).mp4 67.7 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/25. Preparing our final modelling experiment (Model 4).mp4 67.0 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/21. Breaking our CNN model down part 11 Training a CNN model on augmented data.mp4 67.0 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/26. Making a prediction on a custom image with our trained CNN.mp4 66.7 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/17. Breaking our CNN model down part 7 Evaluating our CNN's training curves.mp4 66.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/17. Discussing some of the most common time series evaluation metrics.mp4 66.5 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/7. Unfreezing some layers in our base model to prepare for fine-tuning.mp4 66.5 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/12. Downloading and preparing the data for Model 1 (1 percent of training data).mp4 66.4 MB
- 3. Neural network regression with TensorFlow/29. Preprocessing data with feature scaling part 2 (normalising our data).mp4 66.3 MB
- 10. NLP Fundamentals in TensorFlow/24. Model 6 Building, training and evaluating a transfer learning model for NLP.mp4 65.8 MB
- 4. Neural network classification in TensorFlow/5. Creating and viewing classification data to model.mp4 65.6 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/3. Introducing Callbacks in TensorFlow and making a callback to track our models.mp4 65.6 MB
- 2. Deep Learning and TensorFlow Fundamentals/18. Matrix multiplication with tensors part 1.mp4 65.5 MB
- 2. Deep Learning and TensorFlow Fundamentals/19. Matrix multiplication with tensors part 2.mp4 65.3 MB
- 2. Deep Learning and TensorFlow Fundamentals/14. Creating tensors from NumPy arrays.mp4 65.2 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/19. Creating a function to evaluate our model's forecasts with various metrics.mp4 65.0 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/26. Fine-tuning Model 4 on 100% of the training data and evaluating its results.mp4 64.9 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/4. Exploring the TensorFlow Hub website for pretrained models.mp4 64.9 MB
- 16. Appendix Pandas for Data Analysis/10. Manipulating Data.mp4 64.4 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/24. Turning our windowed time series data into training and test sets.mp4 64.4 MB
- 11. Milestone Project 2 SkimLit/22. Model 4 Plotting and visually exploring different data inputs.mp4 64.3 MB
- 10. NLP Fundamentals in TensorFlow/13. Model 0 Building a baseline model to try and improve upon.mp4 64.2 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/29. Multi-class CNN's part 3 Building a multi-class CNN model.mp4 64.0 MB
- 4. Neural network classification in TensorFlow/20. Training and evaluating a model with an ideal learning rate.mp4 63.8 MB
- 2. Deep Learning and TensorFlow Fundamentals/24. Finding the positional minimum and maximum of a tensor (argmin and argmax).mp4 63.8 MB
- 4. Neural network classification in TensorFlow/15. Non-linearity part 4 Modelling our non-linear data once and for all.mp4 63.7 MB
- 3. Neural network regression with TensorFlow/9. Steps in improving a model with TensorFlow part 2.mp4 63.6 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/27. Comparing our modelling experiment results in TensorBoard.mp4 63.4 MB
- 10. NLP Fundamentals in TensorFlow/12. Discussing the various modelling experiments we're going to run.mp4 63.3 MB
- 4. Neural network classification in TensorFlow/8. Trying to improve our not very good classification model.mp4 62.7 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/5. Becoming One With Data Part 2.mp4 62.6 MB
- 3. Neural network regression with TensorFlow/28. Preprocessing data with feature scaling part 1 (what is feature scaling).mp4 62.6 MB
- 10. NLP Fundamentals in TensorFlow/25. Preparing subsets of data for model 7 (same as model 6 but 10% of data).mp4 61.7 MB
- 9. Milestone Project 1 Food Vision Big™/2. Making sure we have access to the right GPU for mixed precision training.mp4 61.4 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/11. Breaking our CNN model down part 1 Becoming one with the data.mp4 61.3 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/61. Model 10 Introducing the turkey problem and making data for it.mp4 61.3 MB
- 4. Neural network classification in TensorFlow/12. Non-linearity part 1 Straight lines and non-straight lines.mp4 61.2 MB
- 11. Milestone Project 2 SkimLit/7. Performing visual data analysis on our preprocessed text.mp4 61.1 MB
- 4. Neural network classification in TensorFlow/25. Putting things together with multi-class classification part 1 Getting the data.mp4 60.4 MB
- 3. Neural network regression with TensorFlow/4. Creating sample regression data (so we can model it).mp4 60.4 MB
- 9. Milestone Project 1 Food Vision Big™/14. Training and evaluating a feature extraction model (Food Vision Big™).mp4 60.1 MB
- 11. Milestone Project 2 SkimLit/10. Preparing our data for deep sequence models.mp4 59.9 MB
- 2. Deep Learning and TensorFlow Fundamentals/22. Tensor aggregation (finding the min, max, mean & more).mp4 59.7 MB
- 16. Appendix Pandas for Data Analysis/11. Manipulating Data 2.mp4 59.6 MB
- 16. Appendix Pandas for Data Analysis/12. Manipulating Data 3.mp4 59.6 MB
- 11. Milestone Project 2 SkimLit/13. Creating fast loading dataset with the TensorFlow tf.data API.mp4 59.3 MB
- 17. Appendix NumPy/14. Exercise Nut Butter Store Sales.mp4 59.1 MB
- 11. Milestone Project 2 SkimLit/34. Saving, loading & testing our best performing model.mp4 58.9 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/31. Model 3 Visualizing the results.mp4 58.9 MB
- 2. Deep Learning and TensorFlow Fundamentals/12. Creating random tensors with TensorFlow.mp4 58.7 MB
- 11. Milestone Project 2 SkimLit/9. Model 0 Creating, fitting and evaluating a baseline model for SkimLit.mp4 58.5 MB
- 2. Deep Learning and TensorFlow Fundamentals/13. Shuffling the order of tensors.mp4 57.9 MB
- 16. Appendix Pandas for Data Analysis/5. Series, Data Frames and CSVs.mp4 57.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/15. Discussing the various modelling experiments were going to be running.mp4 57.8 MB
- 3. Neural network regression with TensorFlow/30. Preprocessing data with feature scaling part 3 (fitting a model on scaled data).mp4 57.6 MB
- 3. Neural network regression with TensorFlow/15. Evaluating a TensorFlow model part 5 (visualising a model's predictions).mp4 56.7 MB
- 11. Milestone Project 2 SkimLit/18. Creating a character-level embedding layer with tf.keras.layers.Embedding.mp4 56.5 MB
- 2. Deep Learning and TensorFlow Fundamentals/16. Indexing and expanding tensors.mp4 56.4 MB
- 11. Milestone Project 2 SkimLit/28. Model 5 Building the foundations of a tribrid embedding model.mp4 56.4 MB
- 10. NLP Fundamentals in TensorFlow/5. Preparing a notebook for our first NLP with TensorFlow project.mp4 56.0 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/16. Plotting our model's F1-scores for each separate class.mp4 55.9 MB
- 17. Appendix NumPy/17. Turn Images Into NumPy Arrays.mp4 55.7 MB
- 11. Milestone Project 2 SkimLit/2. What we're going to cover in Milestone Project 2 (NLP for medical abstracts).mp4 55.7 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/5. What can be forecast.mp4 55.4 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/56. Model 9 Preparing data to create a model capable of predicting into the future.mp4 55.0 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/14. Breaking our CNN model down part 4 Building a baseline CNN model.mp4 55.0 MB
- 10. NLP Fundamentals in TensorFlow/32. Visualizing our model's most wrong predictions.mp4 54.7 MB
- 2. Deep Learning and TensorFlow Fundamentals/15. Getting information from your tensors (tensor attributes).mp4 54.7 MB
- 10. NLP Fundamentals in TensorFlow/33. Making and visualizing predictions on the test dataset.mp4 54.4 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/39. Model 6 Building, fitting and evaluating a multivariate time series model.mp4 54.4 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/23. Comparing our model's results before and after fine-tuning.mp4 54.1 MB
- 3. Neural network regression with TensorFlow/12. Evaluating a TensorFlow model part 2 (the three datasets).mp4 54.1 MB
- 4. Neural network classification in TensorFlow/1. Introduction to neural network classification in TensorFlow.mp4 53.9 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/36. Saving and loading our trained CNN model.mp4 53.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/53. Getting the upper and lower bounds of our prediction intervals.mp4 53.5 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/5. Creating a headless EfficientNetB0 model with data augmentation built in.mp4 52.8 MB
- 3. Neural network regression with TensorFlow/14. Evaluating a TensorFlow model part 4 (visualising a model's layers).mp4 52.5 MB
- 11. Milestone Project 2 SkimLit/23. Crafting multi-input fast loading tf.data datasets for Model 4.mp4 52.3 MB
- 17. Appendix NumPy/9. Manipulating Arrays.mp4 52.0 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/16. Breaking our CNN model down part 6 Compiling and fitting our baseline CNN.mp4 51.6 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/3. What is a time series problem and example forecasting problems at Uber.mp4 51.1 MB
- 17. Appendix NumPy/13. Dot Product vs Element Wise.mp4 51.0 MB
- 10. NLP Fundamentals in TensorFlow/22. Model 5 Building, fitting and evaluating a 1D CNN for text.mp4 50.9 MB
- 2. Deep Learning and TensorFlow Fundamentals/20. Matrix multiplication with tensors part 3.mp4 50.4 MB
- 11. Milestone Project 2 SkimLit/33. Comparing the performance of all of our modelling experiments.mp4 50.3 MB
- 3. Neural network regression with TensorFlow/24. (Optional) How to save and download files from Google Colab.mp4 50.2 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/3. Downloading an image dataset for our first Food Vision model.mp4 50.0 MB
- 16. Appendix Pandas for Data Analysis/7. Describing Data with Pandas.mp4 49.9 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/19. Fitting and evaluating Model 2 (and saving its weights using ModelCheckpoint).mp4 49.4 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/28. Multi-class CNN's part 2 Preparing our data (turning it into tensors).mp4 49.3 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/2. Introduction to Convolutional Neural Networks (CNNs) with TensorFlow.mp4 49.2 MB
- 4. Neural network classification in TensorFlow/30. Multi-class classification part 6 Finding the ideal learning rate.mp4 49.1 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/1. Introduction to Computer Vision with TensorFlow.mp4 48.3 MB
- 2. Deep Learning and TensorFlow Fundamentals/4. What is deep learning already being used for.mp4 47.7 MB
- 17. Appendix NumPy/5. NumPy DataTypes and Attributes.mp4 47.5 MB
- 2. Deep Learning and TensorFlow Fundamentals/11. Creating tensors with TensorFlow and tf.Variable().mp4 47.1 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/18. Creating a ModelCheckpoint to save our model's weights during training.mp4 46.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/48. Model 7 Plotting the N-BEATS algorithm we've created and admiring its beauty.mp4 46.3 MB
- 2. Deep Learning and TensorFlow Fundamentals/21. Changing the datatype of tensors.mp4 46.2 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/22. Fitting and evaluating Model 3 (our first fine-tuned model).mp4 45.9 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/6. Fitting and evaluating our biggest transfer learning model yet.mp4 45.7 MB
- 17. Appendix NumPy/8. Viewing Arrays and Matrices.mp4 45.6 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/20. Discussing other non-TensorFlow kinds of time series forecasting models.mp4 45.4 MB
- 2. Deep Learning and TensorFlow Fundamentals/23. Tensor troubleshooting example (updating tensor datatypes).mp4 45.2 MB
- 3. Neural network regression with TensorFlow/11. Evaluating a TensorFlow model part 1 (visualise, visualise, visualise).mp4 44.9 MB
- 11. Milestone Project 2 SkimLit/27. Encoding the total lines feature to be used with Model 5.mp4 44.9 MB
- 11. Milestone Project 2 SkimLit/3. SkimLit inputs and outputs.mp4 44.8 MB
- 3. Neural network regression with TensorFlow/16. Evaluating a TensorFlow model part 6 (common regression evaluation metrics).mp4 44.4 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/8. Fine-tuning our feature extraction model and evaluating its performance.mp4 44.1 MB
- 4. Neural network classification in TensorFlow/18. Using the TensorFlow History object to plot a model's loss curves.mp4 44.0 MB
- 16. Appendix Pandas for Data Analysis/8. Selecting and Viewing Data with Pandas.mp4 43.8 MB
- 2. Deep Learning and TensorFlow Fundamentals/5. What is and why use TensorFlow.mp4 43.7 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/9. Different kinds of time series patterns & different amounts of feature variables.mp4 43.6 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/19. Breaking our CNN model down part 9 Reducing overfitting with data augmentation.mp4 43.5 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/9. Saving and loading our trained model.mp4 43.4 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/25. Creating a modelling checkpoint callback to save our best performing model.mp4 43.1 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/1. Introduction to Transfer Learning in TensorFlow Part 2 Fine-tuning.mp4 43.0 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/22. Discussing the use of windows and horizons in time series data.mp4 42.6 MB
- 17. Appendix NumPy/10. Manipulating Arrays 2.mp4 42.6 MB
- 11. Milestone Project 2 SkimLit/20. Discussing how we're going to build Model 4 (character + token embeddings).mp4 42.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/58. Model 9 Discussing what's required for our model to make future predictions.mp4 42.1 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/30. Multi-class CNN's part 4 Fitting a multi-class CNN model to the data.mp4 41.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/14. Creating a plotting function to visualize our time series data.mp4 41.8 MB
- 1. Introduction/1. TensorFlow for Deep Learning Zero to Mastery.mp4 41.5 MB
- 11. Milestone Project 2 SkimLit/25. Model 5 Adding positional embeddings via feature engineering (overview).mp4 41.3 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/7. Plotting the loss curves of our ResNet feature extraction model.mp4 41.3 MB
- 9. Milestone Project 1 Food Vision Big™/8. Exploring what happens when we batch and prefetch our data.mp4 41.1 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/11. Drilling into the concept of a feature vector (a learned representation).mp4 40.6 MB
- 2. Deep Learning and TensorFlow Fundamentals/27. Trying out more tensor math operations.mp4 40.5 MB
- 2. Deep Learning and TensorFlow Fundamentals/26. One-hot encoding tensors.mp4 40.5 MB
- 4. Neural network classification in TensorFlow/33. Multi-class classification part 9 Visualising random model predictions.mp4 40.4 MB
- 10. NLP Fundamentals in TensorFlow/7. Splitting data into training and validation sets.mp4 40.3 MB
- 9. Milestone Project 1 Food Vision Big™/9. Creating modelling callbacks for our feature extraction model.mp4 40.3 MB
- 4. Neural network classification in TensorFlow/23. Creating our first confusion matrix (to see where our model is getting confused).mp4 39.9 MB
- 17. Appendix NumPy/6. Creating NumPy Arrays.mp4 39.7 MB
- 2. Deep Learning and TensorFlow Fundamentals/2. Why use deep learning.mp4 39.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/12. Creating train and test splits for time series (the wrong way).mp4 39.0 MB
- 16. Appendix Pandas for Data Analysis/14. How To Download The Course Assignments.mp4 38.9 MB
- 3. Neural network regression with TensorFlow/2. Inputs and outputs of a neural network regression model.mp4 38.6 MB
- 3. Neural network regression with TensorFlow/17. Evaluating a TensorFlow regression model part 7 (mean absolute error).mp4 38.5 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/20. Loading and comparing saved weights to our existing trained Model 2.mp4 38.2 MB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/1. What is and why use transfer learning.mp4 37.1 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/24. Downloading and preparing data for our biggest experiment yet (Model 4).mp4 36.7 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/24. Downloading a custom image to make predictions on.mp4 36.6 MB
- 10. NLP Fundamentals in TensorFlow/3. Example NLP inputs and outputs.mp4 36.4 MB
- 4. Neural network classification in TensorFlow/13. Non-linearity part 2 Building our first neural network with non-linearity.mp4 36.3 MB
- 3. Neural network regression with TensorFlow/1. Introduction to Neural Network Regression with TensorFlow.mp4 35.6 MB
- 2. Deep Learning and TensorFlow Fundamentals/3. What are neural networks.mp4 35.2 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/57. Model 9 Building, compiling and fitting a future predictions model.mp4 35.0 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/7. Time series forecasting inputs and outputs.mp4 34.7 MB
- 3. Neural network regression with TensorFlow/3. Anatomy and architecture of a neural network regression model.mp4 34.3 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/23. Breaking our CNN model down part 13 Exploring options to improve our model.mp4 34.3 MB
- 15. Appendix Machine Learning and Data Science Framework/5. Types of Machine Learning Problems.mp4 33.9 MB
- 17. Appendix NumPy/12. Reshape and Transpose.mp4 33.8 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/19. Discussing the benefits of finding your model's most wrong predictions.mp4 33.7 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/13. Confirming our model's predictions are in the same order as the test labels.mp4 32.7 MB
- 17. Appendix NumPy/7. NumPy Random Seed.mp4 32.4 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/4. Becoming One With Data.mp4 31.2 MB
- 4. Neural network classification in TensorFlow/2. Example classification problems (and their inputs and outputs).mp4 30.8 MB
- 2. Deep Learning and TensorFlow Fundamentals/28. Exploring TensorFlow and NumPy's compatibility.mp4 30.8 MB
- 17. Appendix NumPy/11. Standard Deviation and Variance.mp4 30.7 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/34. Multi-class CNN's part 8 Things you could do to improve your CNN model.mp4 30.3 MB
- 4. Neural network classification in TensorFlow/3. Input and output tensors of classification problems.mp4 29.8 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/13. Creating train and test splits for time series (the right way).mp4 29.5 MB
- 3. Neural network regression with TensorFlow/8. Steps in improving a model with TensorFlow part 1.mp4 29.2 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/12. Unravelling our test dataset for comparing ground truth labels to predictions.mp4 28.4 MB
- 4. Neural network classification in TensorFlow/26. Multi-class classification part 2 Becoming one with the data.mp4 28.4 MB
- 2. Deep Learning and TensorFlow Fundamentals/17. Manipulating tensors with basic operations.mp4 28.1 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/10. Visualizing our Bitcoin historical data with pandas.mp4 28.1 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/49. Model 8 Ensemble model overview.mp4 27.9 MB
- 4. Neural network classification in TensorFlow/21. Introducing more classification evaluation methods.mp4 27.5 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/2. Introduction to Milestone Project 3 (BitPredict) & where you can get help.mp4 27.5 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/31. Multi-class CNN's part 5 Evaluating our multi-class CNN model.mp4 26.7 MB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/6. Becoming One With Data Part 3.mp4 26.4 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/4. Creating a data augmentation layer to use with our model.mp4 26.4 MB
- 9. Milestone Project 1 Food Vision Big™/1. Introduction to Milestone Project 1 Food Vision Big™.mp4 25.9 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/3. Outlining the model we're going to build and building a ModelCheckpoint callback.mp4 25.9 MB
- 15. Appendix Machine Learning and Data Science Framework/12. Modelling - Comparison.mp4 25.8 MB
- 14. Appendix Machine Learning Primer/5. How Did We Get Here.mp4 25.5 MB
- 4. Neural network classification in TensorFlow/32. Multi-class classification part 8 Creating a confusion matrix.mp4 24.5 MB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/1. Introduction to Transfer Learning Part 3 Scaling Up.mp4 23.3 MB
- 14. Appendix Machine Learning Primer/4. Exercise Machine Learning Playground.mp4 23.0 MB
- 4. Neural network classification in TensorFlow/6. Checking the input and output shapes of our classification data.mp4 22.7 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/6. What we're going to cover (broadly).mp4 22.6 MB
- 9. Milestone Project 1 Food Vision Big™/3. Getting helper functions ready.mp4 22.5 MB
- 4. Neural network classification in TensorFlow/22. Finding the accuracy of our classification model.mp4 21.9 MB
- 14. Appendix Machine Learning Primer/2. What is Machine Learning.mp4 20.5 MB
- 3. Neural network regression with TensorFlow/18. Evaluating a TensorFlow regression model part 7 (mean square error).mp4 20.4 MB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/4. Example forecasting problems in daily life.mp4 20.4 MB
- 2. Deep Learning and TensorFlow Fundamentals/25. Squeezing a tensor (removing all 1-dimension axes).mp4 20.2 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/3. Exercise Imposter Syndrome.mp4 19.8 MB
- 17. Appendix NumPy/16. Sorting Arrays.mp4 19.4 MB
- 15. Appendix Machine Learning and Data Science Framework/8. Features In Data.mp4 19.2 MB
- 17. Appendix NumPy/15. Comparison Operators.mp4 19.0 MB
- 1. Introduction/2. Course Outline.mp4 18.5 MB
- 2. Deep Learning and TensorFlow Fundamentals/1. What is deep learning.mp4 18.4 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/6. Comparing the TensorFlow Keras Sequential API versus the Functional API.mp4 17.7 MB
- 2. Deep Learning and TensorFlow Fundamentals/6. What is a Tensor.mp4 16.7 MB
- 2. Deep Learning and TensorFlow Fundamentals/7. What we're going to cover throughout the course.mp4 16.6 MB
- 15. Appendix Machine Learning and Data Science Framework/6. Types of Data.mp4 15.9 MB
- 4. Neural network classification in TensorFlow/29. Multi-class classification part 5 Comparing normalised and non-normalised data.mp4 15.3 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/28. How to view and delete previous TensorBoard experiments.mp4 15.3 MB
- 14. Appendix Machine Learning Primer/3. AIMachine LearningData Science.mp4 15.2 MB
- 15. Appendix Machine Learning and Data Science Framework/9. Modelling - Splitting Data.mp4 15.0 MB
- 15. Appendix Machine Learning and Data Science Framework/15. Tools We Will Use.mp4 14.6 MB
- 16. Appendix Pandas for Data Analysis/4. Pandas Introduction.mp4 14.6 MB
- 14. Appendix Machine Learning Primer/9. What Is Machine Learning Round 2.mp4 14.1 MB
- 2. Deep Learning and TensorFlow Fundamentals/8. How to approach this course.mp4 13.9 MB
- 15. Appendix Machine Learning and Data Science Framework/10. Modelling - Picking the Model.mp4 12.9 MB
- 15. Appendix Machine Learning and Data Science Framework/4. 6 Step Machine Learning Framework.mp4 12.8 MB
- 14. Appendix Machine Learning Primer/7. Types of Machine Learning.mp4 12.7 MB
- 15. Appendix Machine Learning and Data Science Framework/14. Experimentation.mp4 11.8 MB
- 17. Appendix NumPy/3. NumPy Introduction.mp4 11.7 MB
- 17. Appendix NumPy/2. Section Overview.mp4 11.4 MB
- 14. Appendix Machine Learning Primer/6. Exercise YouTube Recommendation Engine.mp4 11.0 MB
- 13. Where To Go From Here/1. Thank You!.mp4 10.7 MB
- 15. Appendix Machine Learning and Data Science Framework/7. Types of Evaluation.mp4 9.6 MB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/5. Discussing the four (actually five) modelling experiments we're running.mp4 9.4 MB
- 15. Appendix Machine Learning and Data Science Framework/2. Section Overview.mp4 7.7 MB
- 15. Appendix Machine Learning and Data Science Framework/11. Modelling - Tuning.mp4 6.7 MB
- 15. Appendix Machine Learning and Data Science Framework/3. Introducing Our Framework.mp4 6.3 MB
- 16. Appendix Pandas for Data Analysis/2. Section Overview.mp4 6.1 MB
- 14. Appendix Machine Learning Primer/10. Section Review.mp4 3.4 MB
- 17. Appendix NumPy/18. Assignment NumPy Practice.html 406.8 KB
- 17. Appendix NumPy/19. Optional Extra NumPy resources.html 406.5 KB
- 17. Appendix NumPy/4. Quick Note Correction In Next Video.html 393.5 KB
- 17. Appendix NumPy/1. Quick Note Upcoming Videos.html 389.5 KB
- 16. Appendix Pandas for Data Analysis/13. Assignment Pandas Practice.html 389.1 KB
- 16. Appendix Pandas for Data Analysis/6. Data from URLs.html 382.2 KB
- 16. Appendix Pandas for Data Analysis/3. Downloading Workbooks and Assignments.html 378.7 KB
- 16. Appendix Pandas for Data Analysis/1. Quick Note Upcoming Videos.html 376.5 KB
- 15. Appendix Machine Learning and Data Science Framework/16. Optional Elements of AI(document).html 375.9 KB
- 15. Appendix Machine Learning and Data Science Framework/13. Overfitting and Underfitting Definitions.html 374.2 KB
- 15. Appendix Machine Learning and Data Science Framework/1. Quick Note Upcoming Videos.html 361.7 KB
- 14. Appendix Machine Learning Primer/8. Are You Getting It Yet.html 358.5 KB
- 13. Where To Go From Here/6. LinkedIn Endorsements.html 352.7 KB
- 14. Appendix Machine Learning Primer/1. Quick Note Upcoming Videos.html 352.5 KB
- 13. Where To Go From Here/5. ZTM Events Every Month.html 350.0 KB
- 13. Where To Go From Here/4. Learning Guideline.html 349.1 KB
- 13. Where To Go From Here/3. Become An Alumni.html 348.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/64. TensorFlow Time Series Fundamentals Challenge and Extra Resources.html 347.5 KB
- 13. Where To Go From Here/2. Review This Course!.html 347.2 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/1. Welcome to time series fundamentals with TensorFlow + Milestone Project 3!.html 286.0 KB
- 11. Milestone Project 2 SkimLit/36. Milestone Project 2 (SkimLit) challenge, exercises and extra-curriculum.html 285.0 KB
- 10. NLP Fundamentals in TensorFlow/35. NLP Fundamentals in TensorFlow challenge, exercises and extra-curriculum.html 250.8 KB
- 9. Milestone Project 1 Food Vision Big™/16. Milestone Project 1 Food Vision Big™, exercises and extra-curriculum.html 217.1 KB
- 10. NLP Fundamentals in TensorFlow/1. Welcome to natural language processing with TensorFlow!.html 216.8 KB
- 9. Milestone Project 1 Food Vision Big™/10. Note Mixed Precision producing errors for TensorFlow 2.5+.html 211.1 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/23. Transfer Learning in TensorFlow Part 3 challenge, exercises and extra-curriculum.html 201.7 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/29. Transfer Learning in TensorFlow Part 2 challenge, exercises and extra-curriculum.html 179.9 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/14. Note Small fix for next video, for images not augmenting.html 164.6 KB
- 1. Introduction/4.1. All Course Resources + Notebooks.jpg 158.4 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/7. Note Fixes for EfficientNetB0 model creation + weight loading.html 157.7 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/11. TensorFlow Transfer Learning Part 1 challenge, exercises & extra-curriculum.html 151.7 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/37. TensorFlow computer vision and CNNs challenge, exercises & extra-curriculum.html 140.3 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/38. Implement a New Life System.html 138.9 KB
- 4. Neural network classification in TensorFlow/35. TensorFlow classification challenge, exercises & extra-curriculum.html 103.7 KB
- 4. Neural network classification in TensorFlow/36. Course Check-In.html 102.3 KB
- 4. Neural network classification in TensorFlow/10. Note Updates for TensorFlow 2.7.0.html 80.5 KB
- 3. Neural network regression with TensorFlow/31. TensorFlow Regression challenge, exercises & extra-curriculum.html 68.6 KB
- 3. Neural network regression with TensorFlow/32. Unlimited Updates.html 67.8 KB
- 3. Neural network regression with TensorFlow/5. Note Code update for upcoming lecture(s) for TensorFlow 2.7.0+ fix.html 44.0 KB
- 3. Neural network regression with TensorFlow/6. Endorsements On LinkedIn.html 43.9 KB
- 2. Deep Learning and TensorFlow Fundamentals/30. TensorFlow Fundamentals challenge, exercises & extra-curriculum.html 37.8 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/23. Writing a preprocessing function to turn time series data into windows & labels.srt 37.1 KB
- 2. Deep Learning and TensorFlow Fundamentals/31. Let's Have Some Fun (+ Free Resources).html 37.0 KB
- 10. NLP Fundamentals in TensorFlow/16. Visualizing our model's learned word embeddings with TensorFlow's projector tool.srt 34.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/47. Model 7 Putting together the pieces of the puzzle of the N-BEATS model.srt 34.3 KB
- 11. Milestone Project 2 SkimLit/17. Creating a character-level tokeniser with TensorFlow's TextVectorization layer.srt 33.2 KB
- 10. NLP Fundamentals in TensorFlow/15. Model 1 Building, fitting and evaluating our first deep model on text data.srt 32.9 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/50. Model 8 Building, compiling and fitting an ensemble of models.srt 32.0 KB
- 10. NLP Fundamentals in TensorFlow/20. Model 4 Building, fitting and evaluating a bidirectional RNN model.srt 31.2 KB
- 10. NLP Fundamentals in TensorFlow/21. Discussing the intuition behind Conv1D neural networks for text and sequences.srt 30.0 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/21. Preparing Model 3 (our first fine-tuned model).srt 29.2 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/26. Model 1 Building, compiling and fitting a deep learning model on Bitcoin data.srt 28.9 KB
- 3. Neural network regression with TensorFlow/7. The major steps in modelling with TensorFlow.srt 28.5 KB
- 2. Deep Learning and TensorFlow Fundamentals/10. Creating your first tensors with TensorFlow and tf.constant().srt 28.3 KB
- 11. Milestone Project 2 SkimLit/6. Writing a preprocessing function to structure our data for modelling.srt 28.2 KB
- 4. Neural network classification in TensorFlow/19. Using callbacks to find a model's ideal learning rate.srt 27.8 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/18. Making predictions on our test images and evaluating them.srt 27.7 KB
- 10. NLP Fundamentals in TensorFlow/19. Model 3 Building, fitting and evaluating a GRU-cell powered RNN.srt 27.5 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/17. Building Model 2 (with a data augmentation layer and 10% of training data).srt 27.0 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/27. Multi-class CNN's part 1 Becoming one with the data.srt 26.2 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/15. Breaking our CNN model down part 5 Looking inside a Conv2D layer.srt 26.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/51. Model 8 Making and evaluating predictions with our ensemble model.srt 25.8 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/28. Model 2 Building, fitting and evaluating a deep model with a larger window size-27.srt 25.7 KB
- 9. Milestone Project 1 Food Vision Big™/5. Exploring and becoming one with the data (Food101 from TensorFlow Datasets).srt 25.6 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/4. Downloading and turning our images into a TensorFlow BatchDataset.srt 25.6 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/16. Building Model 1 (with a data augmentation layer and 1% of training data).srt 25.4 KB
- 10. NLP Fundamentals in TensorFlow/6. Becoming one with the data and visualizing a text dataset.srt 25.4 KB
- 11. Milestone Project 2 SkimLit/21. Model 4 Building a multi-input model (hybrid token + character embeddings).srt 25.3 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/7. Building an end to end CNN Model.srt 25.3 KB
- 10. NLP Fundamentals in TensorFlow/9. Setting up a TensorFlow TextVectorization layer to convert text to numbers.srt 25.1 KB
- 11. Milestone Project 2 SkimLit/1. Introduction to Milestone Project 2 SkimLit.srt 25.0 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/42. Model 7 Testing our N-BEATS block implementation with dummy data inputs.srt 24.9 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/35. Model 5 Building, fitting and evaluating a LSTM (RNN) model on our Bitcoin data.srt 24.7 KB
- 3. Neural network regression with TensorFlow/13. Evaluating a TensorFlow model part 3 (getting a model summary).srt 24.6 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/20. Breaking our CNN model down part 10 Visualizing our augmented data.srt 24.6 KB
- 4. Neural network classification in TensorFlow/27. Multi-class classification part 3 Building a multi-class classification model.srt 23.9 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/10. Comparing Our Model's Results.srt 23.9 KB
- 4. Neural network classification in TensorFlow/34. What patterns is our model learning.srt 23.7 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/8. Downloading and inspecting our Bitcoin historical dataset.srt 23.7 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/34. Model 4 Building, fitting and evaluating a Conv1D model on our Bitcoin data.srt 23.3 KB
- 10. NLP Fundamentals in TensorFlow/2. Introduction to Natural Language Processing (NLP) and Sequence Problems.srt 23.0 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/41. Model 7 Replicating the N-BEATS basic block with TensorFlow layer subclassing.srt 22.8 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/27. Creating a function to make predictions with our trained models.srt 22.5 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/5. Building and compiling a TensorFlow Hub feature extraction model.srt 22.4 KB
- 11. Milestone Project 2 SkimLit/19. Model 3 Building, fitting and evaluating a Conv1D model on character embeddings.srt 22.4 KB
- 11. Milestone Project 2 SkimLit/4. Setting up our notebook for Milestone Project 2 (getting the data).srt 22.4 KB
- 3. Neural network regression with TensorFlow/27. Putting together what we've learned part 3 (improving our regression model).srt 22.2 KB
- 11. Milestone Project 2 SkimLit/14. Model 1 Building, fitting and evaluating a Conv1D with token embeddings.srt 22.2 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/18. Breaking our CNN model down part 8 Reducing overfitting with Max Pooling.srt 22.1 KB
- 4. Neural network classification in TensorFlow/9. Creating a function to view our model's not so good predictions.srt 22.0 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/43. Model 7 Creating a performant data pipeline for the N-BEATS model with tf.data.srt 21.9 KB
- 16. Appendix Pandas for Data Analysis/9. Selecting and Viewing Data with Pandas Part 2.srt 21.8 KB
- 10. NLP Fundamentals in TensorFlow/23. Using TensorFlow Hub for pretrained word embeddings (transfer learning for NLP).srt 21.8 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/62. Model 10 Building a model to predict on turkey data (why forecasting is BS).srt 21.6 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/61. Model 10 Introducing the turkey problem and making data for it.srt 21.6 KB
- 4. Neural network classification in TensorFlow/17. Getting great results in less time by tweaking the learning rate.srt 21.5 KB
- 3. Neural network regression with TensorFlow/25. Putting together what we've learned part 1 (preparing a dataset).srt 21.4 KB
- 10. NLP Fundamentals in TensorFlow/18. Model 2 Building, fitting and evaluating our first TensorFlow RNN model (LSTM).srt 21.4 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/15. Evaluating every individual class in our dataset.srt 21.4 KB
- 17. Appendix NumPy/14. Exercise Nut Butter Store Sales.srt 21.3 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/2. Downloading and preparing data for our first transfer learning model.srt 21.2 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/63. Comparing the results of all of our models and discussing where to go next.srt 21.2 KB
- 9. Milestone Project 1 Food Vision Big™/6. Creating a preprocessing function to prepare our data for modelling.srt 21.2 KB
- 11. Milestone Project 2 SkimLit/24. Model 4 Building, fitting and evaluating a hybrid embedding model.srt 21.1 KB
- 4. Neural network classification in TensorFlow/16. Non-linearity part 5 Replicating non-linear activation functions from scratch.srt 21.0 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/33. Preparing data for building a Conv1D model.srt 21.0 KB
- 4. Neural network classification in TensorFlow/24. Making our confusion matrix prettier.srt 21.0 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/29. Model 3 Building, fitting and evaluating a model with a larger horizon size.srt 21.0 KB
- 11. Milestone Project 2 SkimLit/11. Creating a text vectoriser to map our tokens (text) to numbers.srt 21.0 KB
- 10. NLP Fundamentals in TensorFlow/34. Understanding the concept of the speedscore tradeoff.srt 21.0 KB
- 16. Appendix Pandas for Data Analysis/5. Series, Data Frames and CSVs.srt 20.9 KB
- 11. Milestone Project 2 SkimLit/29. Model 5 Completing the build of a tribrid embedding model for sequences.srt 20.8 KB
- 3. Neural network regression with TensorFlow/26. Putting together what we've learned part 2 (building a regression model).srt 20.6 KB
- 11. Milestone Project 2 SkimLit/8. Turning our target labels into numbers (ML models require numbers).srt 20.6 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/55. (Optional) Discussing the types of uncertainty in machine learning.srt 20.4 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/10. Getting a feature vector from our trained model.srt 20.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/45. Model 7 Getting ready for residual connections.srt 20.3 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/16. Model 0 Making and visualizing a naive forecast model.srt 20.3 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/14. Creating a confusion matrix for our model's 101 different classes.srt 20.3 KB
- 10. NLP Fundamentals in TensorFlow/11. Creating an Embedding layer to turn tokenised text into embedding vectors.srt 20.2 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/36. Investigating how to turn our univariate time series into multivariate.srt 20.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/21. Formatting data Part 2 Creating a function to label our windowed time series.srt 20.1 KB
- 9. Milestone Project 1 Food Vision Big™/12. Creating a feature extraction model capable of using mixed precision training.srt 20.1 KB
- 10. NLP Fundamentals in TensorFlow/28. Comparing all our modelling experiments evaluation metrics.srt 19.9 KB
- 2. Deep Learning and TensorFlow Fundamentals/16. Indexing and expanding tensors.srt 19.8 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/2. Getting helper functions ready and downloading data to model.srt 19.8 KB
- 4. Neural network classification in TensorFlow/11. Make our poor classification model work for a regression dataset.srt 19.8 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/20. Writing code to uncover our model's most wrong predictions.srt 19.7 KB
- 9. Milestone Project 1 Food Vision Big™/4. Introduction to TensorFlow Datasets (TFDS).srt 19.7 KB
- 11. Milestone Project 2 SkimLit/5. Visualizing examples from the dataset (becoming one with the data).srt 19.6 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/17. Breaking our CNN model down part 7 Evaluating our CNN's training curves.srt 19.6 KB
- 3. Neural network regression with TensorFlow/19. Setting up TensorFlow modelling experiments part 1 (start with a simple model).srt 19.4 KB
- 17. Appendix NumPy/9. Manipulating Arrays.srt 19.4 KB
- 2. Deep Learning and TensorFlow Fundamentals/19. Matrix multiplication with tensors part 2.srt 19.3 KB
- 17. Appendix NumPy/5. NumPy DataTypes and Attributes.srt 19.3 KB
- 4. Neural network classification in TensorFlow/31. Multi-class classification part 7 Evaluating our model.srt 19.3 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/32. Multi-class CNN's part 6 Trying to fix overfitting by removing layers.srt 19.3 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/60. Model 9 Plotting our model's future forecasts.srt 19.0 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/7. Unfreezing some layers in our base model to prepare for fine-tuning.srt 19.0 KB
- 11. Milestone Project 2 SkimLit/26. Encoding the line number feature to used with Model 5.srt 18.8 KB
- 3. Neural network regression with TensorFlow/10. Steps in improving a model with TensorFlow part 3.srt 18.8 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/33. Multi-class CNN's part 7 Trying to fix overfitting with data augmentation.srt 18.8 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/17. Creating a function to load and prepare images for making predictions.srt 18.8 KB
- 2. Deep Learning and TensorFlow Fundamentals/15. Getting information from your tensors (tensor attributes).srt 18.7 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/17. Discussing some of the most common time series evaluation metrics.srt 18.7 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/13. Building a data augmentation layer to use inside our model.srt 18.6 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/9. Compiling and fitting our first Functional API model.srt 18.6 KB
- 4. Neural network classification in TensorFlow/28. Multi-class classification part 4 Improving performance with normalisation.srt 18.5 KB
- 4. Neural network classification in TensorFlow/7. Building a not very good classification model with TensorFlow.srt 18.5 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/8. Creating our first model with the TensorFlow Keras Functional API.srt 18.4 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/5. Becoming One With Data Part 2.srt 18.3 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/27. Comparing our modelling experiment results in TensorBoard.srt 18.3 KB
- 11. Milestone Project 2 SkimLit/16. Model 2 Building, fitting and evaluating a Conv1D model with token embeddings.srt 18.2 KB
- 10. NLP Fundamentals in TensorFlow/24. Model 6 Building, training and evaluating a transfer learning model for NLP.srt 18.2 KB
- 17. Appendix NumPy/13. Dot Product vs Element Wise.srt 18.2 KB
- 3. Neural network regression with TensorFlow/4. Creating sample regression data (so we can model it).srt 18.2 KB
- 3. Neural network regression with TensorFlow/20. Setting up TensorFlow modelling experiments part 2 (increasing complexity).srt 18.2 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/11. Making predictions with our trained model on 25,250 test samples.srt 18.1 KB
- 16. Appendix Pandas for Data Analysis/10. Manipulating Data.srt 18.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/52. Discussing the importance of prediction intervals in forecasting.srt 18.1 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/12. Breaking our CNN model down part 2 Preparing to load our data.srt 18.1 KB
- 11. Milestone Project 2 SkimLit/3. SkimLit inputs and outputs.srt 18.1 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/26. Making a prediction on a custom image with our trained CNN.srt 18.0 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/1. What is and why use transfer learning.srt 17.9 KB
- 10. NLP Fundamentals in TensorFlow/10. Mapping the TextVectorization layer to text data and turning it into numbers.srt 17.7 KB
- 9. Milestone Project 1 Food Vision Big™/7. Batching and preparing our datasets (to make them run fast).srt 17.5 KB
- 10. NLP Fundamentals in TensorFlow/29. Uploading our model's training logs to TensorBoard and comparing them.srt 17.4 KB
- 16. Appendix Pandas for Data Analysis/11. Manipulating Data 2.srt 17.3 KB
- 10. NLP Fundamentals in TensorFlow/31. Downloading a pretrained model and preparing data to investigate predictions.srt 17.3 KB
- 11. Milestone Project 2 SkimLit/32. Bringing SkimLit to life!!! (fitting and evaluating Model 5).srt 17.3 KB
- 11. Milestone Project 2 SkimLit/15. Preparing a pretrained embedding layer from TensorFlow Hub for Model 2.srt 17.3 KB
- 4. Neural network classification in TensorFlow/30. Multi-class classification part 6 Finding the ideal learning rate.srt 17.3 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/9. Different Types of Transfer Learning.srt 17.2 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/54. Plotting the prediction intervals of our ensemble model predictions.srt 17.1 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/15. Visualizing what happens when images pass through our data augmentation layer.srt 17.1 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/25. Preparing our final modelling experiment (Model 4).srt 17.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/7. Time series forecasting inputs and outputs.srt 17.1 KB
- 10. NLP Fundamentals in TensorFlow/14. Creating a function to track and evaluate our model's results.srt 17.1 KB
- 10. NLP Fundamentals in TensorFlow/25. Preparing subsets of data for model 7 (same as model 6 but 10% of data).srt 17.0 KB
- 2. Deep Learning and TensorFlow Fundamentals/9. Need A Refresher.html 17.0 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/22. Making predictions on and plotting our own custom images.srt 16.8 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/26. Fine-tuning Model 4 on 100% of the training data and evaluating its results.srt 16.7 KB
- 16. Appendix Pandas for Data Analysis/12. Manipulating Data 3.srt 16.7 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/10. Improving our non-CNN model by adding more layers.srt 16.7 KB
- 10. NLP Fundamentals in TensorFlow/22. Model 5 Building, fitting and evaluating a 1D CNN for text.srt 16.7 KB
- 4. Neural network classification in TensorFlow/5. Creating and viewing classification data to model.srt 16.6 KB
- 2. Deep Learning and TensorFlow Fundamentals/18. Matrix multiplication with tensors part 1.srt 16.6 KB
- 2. Deep Learning and TensorFlow Fundamentals/29. Making sure our tensor operations run really fast on GPUs.srt 16.6 KB
- 16. Appendix Pandas for Data Analysis/8. Selecting and Viewing Data with Pandas.srt 16.5 KB
- 2. Deep Learning and TensorFlow Fundamentals/14. Creating tensors from NumPy arrays.srt 16.5 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/37. Creating and plotting a multivariate time series with BTC price and block reward.srt 16.4 KB
- 15. Appendix Machine Learning and Data Science Framework/5. Types of Machine Learning Problems.srt 16.4 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/1. Introduction to Computer Vision with TensorFlow.srt 16.4 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/22. Breaking our CNN model down part 12 Discovering the power of shuffling data.srt 16.3 KB
- 2. Deep Learning and TensorFlow Fundamentals/3. What are neural networks.srt 16.3 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/4. Exploring the TensorFlow Hub website for pretrained models.srt 16.2 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/3. Introducing Callbacks in TensorFlow and making a callback to track our models.srt 16.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/32. Comparing our modelling experiments so far and discussing autocorrelation.srt 16.1 KB
- 4. Neural network classification in TensorFlow/14. Non-linearity part 3 Upgrading our non-linear model with more layers.srt 16.0 KB
- 3. Neural network regression with TensorFlow/29. Preprocessing data with feature scaling part 2 (normalising our data).srt 16.0 KB
- 4. Neural network classification in TensorFlow/12. Non-linearity part 1 Straight lines and non-straight lines.srt 16.0 KB
- 9. Milestone Project 1 Food Vision Big™/2. Making sure we have access to the right GPU for mixed precision training.srt 16.0 KB
- 16. Appendix Pandas for Data Analysis/7. Describing Data with Pandas.srt 15.9 KB
- 11. Milestone Project 2 SkimLit/35. Congratulations and your challenge before heading to the next module.srt 15.8 KB
- 10. NLP Fundamentals in TensorFlow/27. Fixing our data leakage issue with model 7 and retraining it.srt 15.8 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/46. Model 7 Outlining the steps we're going to take to build the N-BEATS model.srt 15.7 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/21. Plotting and visualizing the samples our model got most wrong.srt 15.7 KB
- 2. Deep Learning and TensorFlow Fundamentals/2. Why use deep learning.srt 15.7 KB
- 17. Appendix NumPy/8. Viewing Arrays and Matrices.srt 15.5 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/38. Preparing our multivariate time series for a model.srt 15.5 KB
- 9. Milestone Project 1 Food Vision Big™/11. Turning on mixed precision training with TensorFlow.srt 15.5 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/5. Creating a headless EfficientNetB0 model with data augmentation built in.srt 15.5 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/6. Blowing our previous models out of the water with transfer learning.srt 15.4 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/13. Breaking our CNN model down part 3 Loading our data with ImageDataGenerator.srt 15.4 KB
- 10. NLP Fundamentals in TensorFlow/30. Saving and loading in a trained NLP model with TensorFlow.srt 15.4 KB
- 9. Milestone Project 1 Food Vision Big™/14. Training and evaluating a feature extraction model (Food Vision Big™).srt 15.4 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/8. Building and training a pre-trained EfficientNet model on our data.srt 15.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/15. Discussing the various modelling experiments were going to be running.srt 15.4 KB
- 10. NLP Fundamentals in TensorFlow/12. Discussing the various modelling experiments we're going to run.srt 15.3 KB
- 11. Milestone Project 2 SkimLit/30. Visually inspecting the architecture of our tribrid embedding model.srt 15.3 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/21. Breaking our CNN model down part 11 Training a CNN model on augmented data.srt 15.3 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/31. Model 3 Visualizing the results.srt 15.3 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/5. What can be forecast.srt 15.1 KB
- 10. NLP Fundamentals in TensorFlow/17. High-level overview of Recurrent Neural Networks (RNNs) + where to learn more.srt 15.1 KB
- 2. Deep Learning and TensorFlow Fundamentals/4. What is deep learning already being used for.srt 15.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/39. Model 6 Building, fitting and evaluating a multivariate time series model.srt 15.0 KB
- 3. Neural network regression with TensorFlow/28. Preprocessing data with feature scaling part 1 (what is feature scaling).srt 15.0 KB
- 15. Appendix Machine Learning and Data Science Framework/12. Modelling - Comparison.srt 15.0 KB
- 3. Neural network regression with TensorFlow/21. Comparing and tracking your TensorFlow modelling experiments.srt 15.0 KB
- 10. NLP Fundamentals in TensorFlow/4. The typical architecture of a Recurrent Neural Network (RNN).srt 15.0 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/12. Downloading and preparing the data for Model 1 (1 percent of training data).srt 14.8 KB
- 11. Milestone Project 2 SkimLit/13. Creating fast loading dataset with the TensorFlow tf.data API.srt 14.8 KB
- 11. Milestone Project 2 SkimLit/12. Creating a custom token embedding layer with TensorFlow.srt 14.7 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/59. Model 9 Creating a function to make forecasts into the future.srt 14.5 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/8. Using a GPU to run our CNN model 5x faster.srt 14.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/44. Model 7 Setting up hyperparameters for the N-BEATS algorithm.srt 14.4 KB
- 10. NLP Fundamentals in TensorFlow/8. Converting text data to numbers using tokenisation and embeddings (overview).srt 14.4 KB
- 2. Deep Learning and TensorFlow Fundamentals/20. Matrix multiplication with tensors part 3.srt 14.4 KB
- 10. NLP Fundamentals in TensorFlow/26. Model 7 Building, training and evaluating a transfer learning model on 10% data.srt 14.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/3. What is a time series problem and example forecasting problems at Uber.srt 14.3 KB
- 11. Milestone Project 2 SkimLit/10. Preparing our data for deep sequence models.srt 14.3 KB
- 4. Neural network classification in TensorFlow/4. Typical architecture of neural network classification models with TensorFlow.srt 14.2 KB
- 4. Neural network classification in TensorFlow/8. Trying to improve our not very good classification model.srt 14.2 KB
- 10. NLP Fundamentals in TensorFlow/13. Model 0 Building a baseline model to try and improve upon.srt 14.2 KB
- 3. Neural network regression with TensorFlow/23. How to load and use a saved TensorFlow model.srt 14.1 KB
- 11. Milestone Project 2 SkimLit/33. Comparing the performance of all of our modelling experiments.srt 14.1 KB
- 3. Neural network regression with TensorFlow/9. Steps in improving a model with TensorFlow part 2.srt 14.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/11. Reading in our Bitcoin data with Python's CSV module.srt 14.1 KB
- 4. Neural network classification in TensorFlow/1. Introduction to neural network classification in TensorFlow.srt 14.0 KB
- 2. Deep Learning and TensorFlow Fundamentals/12. Creating random tensors with TensorFlow.srt 13.9 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/2. Introduction to Convolutional Neural Networks (CNNs) with TensorFlow.srt 13.9 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/24. Turning our windowed time series data into training and test sets.srt 13.8 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/8. Fine-tuning our feature extraction model and evaluating its performance.srt 13.8 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/25. Writing a helper function to load and preprocessing custom images.srt 13.7 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/9. Trying a non-CNN model on our image data.srt 13.7 KB
- 4. Neural network classification in TensorFlow/25. Putting things together with multi-class classification part 1 Getting the data.srt 13.6 KB
- 2. Deep Learning and TensorFlow Fundamentals/5. What is and why use TensorFlow.srt 13.6 KB
- 4. Neural network classification in TensorFlow/15. Non-linearity part 4 Modelling our non-linear data once and for all.srt 13.6 KB
- 11. Milestone Project 2 SkimLit/22. Model 4 Plotting and visually exploring different data inputs.srt 13.6 KB
- 11. Milestone Project 2 SkimLit/2. What we're going to cover in Milestone Project 2 (NLP for medical abstracts).srt 13.6 KB
- 2. Deep Learning and TensorFlow Fundamentals/24. Finding the positional minimum and maximum of a tensor (argmin and argmax).srt 13.5 KB
- 10. NLP Fundamentals in TensorFlow/3. Example NLP inputs and outputs.srt 13.5 KB
- 2. Deep Learning and TensorFlow Fundamentals/13. Shuffling the order of tensors.srt 13.5 KB
- 11. Milestone Project 2 SkimLit/9. Model 0 Creating, fitting and evaluating a baseline model for SkimLit.srt 13.5 KB
- 10. NLP Fundamentals in TensorFlow/32. Visualizing our model's most wrong predictions.srt 13.4 KB
- 4. Neural network classification in TensorFlow/20. Training and evaluating a model with an ideal learning rate.srt 13.4 KB
- 3. Neural network regression with TensorFlow/22. How to save a TensorFlow model.srt 13.4 KB
- 3. Neural network regression with TensorFlow/3. Anatomy and architecture of a neural network regression model.srt 13.3 KB
- 17. Appendix NumPy/10. Manipulating Arrays 2.srt 13.3 KB
- 11. Milestone Project 2 SkimLit/31. Creating multi-level data input pipelines for Model 5 with the tf.data API.srt 13.3 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/9. Different kinds of time series patterns & different amounts of feature variables.srt 13.3 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/35. Multi-class CNN's part 9 Making predictions with our model on custom images.srt 13.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/40. Model 7 Discussing what we're going to be doing with the N-BEATS algorithm.srt 13.1 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/19. Creating a function to evaluate our model's forecasts with various metrics.srt 13.1 KB
- 4. Neural network classification in TensorFlow/23. Creating our first confusion matrix (to see where our model is getting confused).srt 13.1 KB
- 10. NLP Fundamentals in TensorFlow/33. Making and visualizing predictions on the test dataset.srt 13.1 KB
- 3. Neural network regression with TensorFlow/2. Inputs and outputs of a neural network regression model.srt 13.0 KB
- 4. Neural network classification in TensorFlow/33. Multi-class classification part 9 Visualising random model predictions.srt 12.9 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/6. Fitting and evaluating our biggest transfer learning model yet.srt 12.9 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/12. Creating train and test splits for time series (the wrong way).srt 12.8 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/23. Comparing our model's results before and after fine-tuning.srt 12.8 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/29. Multi-class CNN's part 3 Building a multi-class CNN model.srt 12.7 KB
- 3. Neural network regression with TensorFlow/15. Evaluating a TensorFlow model part 5 (visualising a model's predictions).srt 12.7 KB
- 9. Milestone Project 1 Food Vision Big™/15. Introducing your Milestone Project 1 challenge build a model to beat DeepFood.srt 12.7 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/56. Model 9 Preparing data to create a model capable of predicting into the future.srt 12.7 KB
- 3. Neural network regression with TensorFlow/1. Introduction to Neural Network Regression with TensorFlow.srt 12.7 KB
- 3. Neural network regression with TensorFlow/12. Evaluating a TensorFlow model part 2 (the three datasets).srt 12.7 KB
- 11. Milestone Project 2 SkimLit/23. Crafting multi-input fast loading tf.data datasets for Model 4.srt 12.6 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/14. Creating a plotting function to visualize our time series data.srt 12.6 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/30. Adjusting the evaluation function to work for predictions with larger horizons.srt 12.5 KB
- 11. Milestone Project 2 SkimLit/28. Model 5 Building the foundations of a tribrid embedding model.srt 12.4 KB
- 11. Milestone Project 2 SkimLit/7. Performing visual data analysis on our preprocessed text.srt 12.3 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/16. Plotting our model's F1-scores for each separate class.srt 12.3 KB
- 3. Neural network regression with TensorFlow/16. Evaluating a TensorFlow model part 6 (common regression evaluation metrics).srt 12.3 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/48. Model 7 Plotting the N-BEATS algorithm we've created and admiring its beauty.srt 12.3 KB
- 6. Transfer Learning in TensorFlow Part 1 Feature extraction/7. Plotting the loss curves of our ResNet feature extraction model.srt 12.2 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/58. Model 9 Discussing what's required for our model to make future predictions.srt 12.1 KB
- 3. Neural network regression with TensorFlow/30. Preprocessing data with feature scaling part 3 (fitting a model on scaled data).srt 12.1 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/11. Breaking our CNN model down part 1 Becoming one with the data.srt 12.1 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/3. Downloading an image dataset for our first Food Vision model.srt 12.0 KB
- 17. Appendix NumPy/17. Turn Images Into NumPy Arrays.srt 12.0 KB
- 11. Milestone Project 2 SkimLit/27. Encoding the total lines feature to be used with Model 5.srt 11.9 KB
- 10. NLP Fundamentals in TensorFlow/5. Preparing a notebook for our first NLP with TensorFlow project.srt 11.9 KB
- 11. Milestone Project 2 SkimLit/18. Creating a character-level embedding layer with tf.keras.layers.Embedding.srt 11.9 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/14. Breaking our CNN model down part 4 Building a baseline CNN model.srt 11.8 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/53. Getting the upper and lower bounds of our prediction intervals.srt 11.8 KB
- 17. Appendix NumPy/6. Creating NumPy Arrays.srt 11.8 KB
- 9. Milestone Project 1 Food Vision Big™/9. Creating modelling callbacks for our feature extraction model.srt 11.7 KB
- 2. Deep Learning and TensorFlow Fundamentals/11. Creating tensors with TensorFlow and tf.Variable().srt 11.7 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/25. Creating a modelling checkpoint callback to save our best performing model.srt 11.7 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/1. Introduction to Transfer Learning Part 3 Scaling Up.srt 11.7 KB
- 9. Milestone Project 1 Food Vision Big™/13. Checking to see if our model is using mixed precision training layer by layer.srt 11.6 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/18. Implementing MASE with TensorFlow.en.copy.srt 11.5 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/18. Implementing MASE with TensorFlow.srt 11.5 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/28. Multi-class CNN's part 2 Preparing our data (turning it into tensors).srt 11.4 KB
- 17. Appendix NumPy/7. NumPy Random Seed.srt 11.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/22. Discussing the use of windows and horizons in time series data.srt 11.4 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/22. Fitting and evaluating Model 3 (our first fine-tuned model).srt 11.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/13. Creating train and test splits for time series (the right way).srt 11.4 KB
- 11. Milestone Project 2 SkimLit/25. Model 5 Adding positional embeddings via feature engineering (overview).srt 11.3 KB
- 17. Appendix NumPy/11. Standard Deviation and Variance.srt 11.2 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/1. Introduction to Transfer Learning in TensorFlow Part 2 Fine-tuning.srt 11.2 KB
- 2. Deep Learning and TensorFlow Fundamentals/22. Tensor aggregation (finding the min, max, mean & more).srt 11.1 KB
- 9. Milestone Project 1 Food Vision Big™/8. Exploring what happens when we batch and prefetch our data.srt 11.1 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/20. Loading and comparing saved weights to our existing trained Model 2.srt 11.1 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/16. Breaking our CNN model down part 6 Compiling and fitting our baseline CNN.srt 11.0 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/19. Discussing the benefits of finding your model's most wrong predictions.srt 10.9 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/36. Saving and loading our trained CNN model.srt 10.9 KB
- 17. Appendix NumPy/16. Sorting Arrays.srt 10.9 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/19. Fitting and evaluating Model 2 (and saving its weights using ModelCheckpoint).srt 10.9 KB
- 3. Neural network regression with TensorFlow/11. Evaluating a TensorFlow model part 1 (visualise, visualise, visualise).srt 10.9 KB
- 4. Neural network classification in TensorFlow/2. Example classification problems (and their inputs and outputs).srt 10.8 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/24. Downloading and preparing data for our biggest experiment yet (Model 4).srt 10.7 KB
- 11. Milestone Project 2 SkimLit/34. Saving, loading & testing our best performing model.srt 10.7 KB
- 3. Neural network regression with TensorFlow/14. Evaluating a TensorFlow model part 4 (visualising a model's layers).srt 10.6 KB
- 9. Milestone Project 1 Food Vision Big™/1. Introduction to Milestone Project 1 Food Vision Big™.srt 10.6 KB
- 17. Appendix NumPy/12. Reshape and Transpose.srt 10.5 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/19. Breaking our CNN model down part 9 Reducing overfitting with data augmentation.srt 10.5 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/9. Saving and loading our trained model.srt 10.3 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/10. Downloading a pretrained model to make and evaluate predictions with.srt 10.2 KB
- 16. Appendix Pandas for Data Analysis/14. How To Download The Course Assignments.srt 10.2 KB
- 4. Neural network classification in TensorFlow/21. Introducing more classification evaluation methods.srt 10.2 KB
- 14. Appendix Machine Learning Primer/2. What is Machine Learning.srt 10.2 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/18. Creating a ModelCheckpoint to save our model's weights during training.srt 10.1 KB
- 4. Neural network classification in TensorFlow/26. Multi-class classification part 2 Becoming one with the data.srt 9.8 KB
- 4. Neural network classification in TensorFlow/3. Input and output tensors of classification problems.srt 9.8 KB
- 11. Milestone Project 2 SkimLit/20. Discussing how we're going to build Model 4 (character + token embeddings).srt 9.7 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/30. Multi-class CNN's part 4 Fitting a multi-class CNN model to the data.srt 9.7 KB
- 4. Neural network classification in TensorFlow/18. Using the TensorFlow History object to plot a model's loss curves.srt 9.6 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/2. Importing a script full of helper functions (and saving lots of space).srt 9.5 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/4. Example forecasting problems in daily life.srt 9.4 KB
- 2. Deep Learning and TensorFlow Fundamentals/8. How to approach this course.srt 9.3 KB
- 2. Deep Learning and TensorFlow Fundamentals/21. Changing the datatype of tensors.srt 9.3 KB
- 14. Appendix Machine Learning Primer/4. Exercise Machine Learning Playground.srt 9.3 KB
- 3. Neural network regression with TensorFlow/17. Evaluating a TensorFlow regression model part 7 (mean absolute error).srt 9.0 KB
- 3. Neural network regression with TensorFlow/24. (Optional) How to save and download files from Google Colab.srt 9.0 KB
- 4. Neural network classification in TensorFlow/13. Non-linearity part 2 Building our first neural network with non-linearity.srt 9.0 KB
- 15. Appendix Machine Learning and Data Science Framework/9. Modelling - Splitting Data.srt 8.9 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/20. Discussing other non-TensorFlow kinds of time series forecasting models.srt 8.8 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/3. Outlining the model we're going to build and building a ModelCheckpoint callback.srt 8.7 KB
- 2. Deep Learning and TensorFlow Fundamentals/26. One-hot encoding tensors.srt 8.6 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/10. Visualizing our Bitcoin historical data with pandas.srt 8.5 KB
- 10. NLP Fundamentals in TensorFlow/7. Splitting data into training and validation sets.srt 8.5 KB
- 17. Appendix NumPy/3. NumPy Introduction.srt 8.4 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/12. Unravelling our test dataset for comparing ground truth labels to predictions.srt 8.3 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/23. Breaking our CNN model down part 13 Exploring options to improve our model.srt 8.3 KB
- 14. Appendix Machine Learning Primer/5. How Did We Get Here.srt 8.3 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/24. Downloading a custom image to make predictions on.srt 8.3 KB
- 2. Deep Learning and TensorFlow Fundamentals/7. What we're going to cover throughout the course.srt 8.1 KB
- 4. Neural network classification in TensorFlow/6. Checking the input and output shapes of our classification data.srt 8.0 KB
- 2. Deep Learning and TensorFlow Fundamentals/28. Exploring TensorFlow and NumPy's compatibility.srt 7.9 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/57. Model 9 Building, compiling and fitting a future predictions model.srt 7.8 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/31. Multi-class CNN's part 5 Evaluating our multi-class CNN model.srt 7.8 KB
- 1. Introduction/7. Set Your Learning Streak Goal.html 7.8 KB
- 15. Appendix Machine Learning and Data Science Framework/8. Features In Data.srt 7.7 KB
- 15. Appendix Machine Learning and Data Science Framework/4. 6 Step Machine Learning Framework.srt 7.7 KB
- 16. Appendix Pandas for Data Analysis/4. Pandas Introduction.srt 7.7 KB
- 2. Deep Learning and TensorFlow Fundamentals/23. Tensor troubleshooting example (updating tensor datatypes).srt 7.7 KB
- 2. Deep Learning and TensorFlow Fundamentals/1. What is deep learning.srt 7.6 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/13. Confirming our model's predictions are in the same order as the test labels.srt 7.6 KB
- 3. Neural network regression with TensorFlow/8. Steps in improving a model with TensorFlow part 1.srt 7.6 KB
- 2. Deep Learning and TensorFlow Fundamentals/17. Manipulating tensors with basic operations.srt 7.5 KB
- 15. Appendix Machine Learning and Data Science Framework/10. Modelling - Picking the Model.srt 7.4 KB
- 4. Neural network classification in TensorFlow/32. Multi-class classification part 8 Creating a confusion matrix.srt 7.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/49. Model 8 Ensemble model overview.srt 7.3 KB
- 1. Introduction/4. All Course Resources + Notebooks.html 7.3 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/2. Introduction to Milestone Project 3 (BitPredict) & where you can get help.srt 7.3 KB
- 14. Appendix Machine Learning Primer/3. AIMachine LearningData Science.srt 7.2 KB
- 8. Transfer Learning with TensorFlow Part 3 Scaling Up/4. Creating a data augmentation layer to use with our model.srt 7.2 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/6. Becoming One With Data Part 3.srt 7.1 KB
- 1. Introduction/2. Course Outline.srt 7.0 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/4. Becoming One With Data.srt 7.0 KB
- 14. Appendix Machine Learning Primer/9. What Is Machine Learning Round 2.srt 7.0 KB
- 5. Computer Vision and Convolutional Neural Networks in TensorFlow/34. Multi-class CNN's part 8 Things you could do to improve your CNN model.srt 6.9 KB
- 1. Introduction/6. ZTM Plugin + Understanding Your Video Player.html 6.9 KB
- 4. Neural network classification in TensorFlow/22. Finding the accuracy of our classification model.srt 6.6 KB
- 15. Appendix Machine Learning and Data Science Framework/15. Tools We Will Use.srt 6.6 KB
- 1. Introduction/5. Python + Machine Learning Monthly.html 6.5 KB
- 14. Appendix Machine Learning Primer/7. Types of Machine Learning.srt 6.4 KB
- 14. Appendix Machine Learning Primer/6. Exercise YouTube Recommendation Engine.srt 6.4 KB
- 4. Neural network classification in TensorFlow/29. Multi-class classification part 5 Comparing normalised and non-normalised data.srt 6.3 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/11. Drilling into the concept of a feature vector (a learned representation).srt 6.0 KB
- 2. Deep Learning and TensorFlow Fundamentals/27. Trying out more tensor math operations.srt 5.9 KB
- 15. Appendix Machine Learning and Data Science Framework/14. Experimentation.srt 5.9 KB
- 15. Appendix Machine Learning and Data Science Framework/11. Modelling - Tuning.srt 5.7 KB
- 2. Deep Learning and TensorFlow Fundamentals/6. What is a Tensor.srt 5.6 KB
- 17. Appendix NumPy/15. Comparison Operators.srt 5.4 KB
- 12. Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/6. What we're going to cover (broadly).srt 5.3 KB
- 15. Appendix Machine Learning and Data Science Framework/2. Section Overview.srt 5.2 KB
- 15. Appendix Machine Learning and Data Science Framework/7. Types of Evaluation.srt 5.2 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/3. Exercise Imposter Syndrome.srt 4.8 KB
- 9. Milestone Project 1 Food Vision Big™/3. Getting helper functions ready.srt 4.6 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/6. Comparing the TensorFlow Keras Sequential API versus the Functional API.srt 4.5 KB
- 1. Introduction/3. Exercise Meet Your Classmates and Instructor.html 4.4 KB
- 2. Deep Learning and TensorFlow Fundamentals/25. Squeezing a tensor (removing all 1-dimension axes).srt 4.3 KB
- 3. Neural network regression with TensorFlow/18. Evaluating a TensorFlow regression model part 7 (mean square error).srt 4.3 KB
- 15. Appendix Machine Learning and Data Science Framework/3. Introducing Our Framework.srt 4.0 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/5. Discussing the four (actually five) modelling experiments we're running.srt 3.9 KB
- 17. Appendix NumPy/2. Section Overview.srt 3.8 KB
- 16. Appendix Pandas for Data Analysis/2. Section Overview.srt 3.8 KB
- 7. Transfer Learning in TensorFlow Part 2 Fine tuning/28. How to view and delete previous TensorBoard experiments.srt 3.3 KB
- 14. Appendix Machine Learning Primer/10. Section Review.srt 2.7 KB
- 1. Introduction/1. TensorFlow for Deep Learning Zero to Mastery.srt 2.4 KB
- 13. Where To Go From Here/1. Thank You!.srt 2.0 KB
Download Torrent
Related Resources
Copyright Infringement
If the content above is not authorized, please contact us via activebusinesscommunication[AT]gmail.com. Remember to include the full url in your complaint.