[Udemy] TensorFlow Developer Certificate in 2021 Zero to Mastery [Updated 7-2021] [En]
    
    File List
    
        
            
                
                    - 10 NLP Fundamentals in TensorFlow/016 Visualising our model's learned word embeddings with TensorFlow's projector tool.mp4  283.1 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/023 Writing a preprocessing function to turn time series data into windows & labels.mp4  250.4 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/047 Model 7_ Putting together the pieces of the puzzle of the N-BEATS model.mp4  237.4 MB
- 11 Milestone Project 2_ SkimLit/006 Writing a preprocessing function to structure our data for modelling.mp4  218.0 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/041 Model 7_ Replicating the N-BEATS basic block with TensorFlow layer subclassing.mp4  216.3 MB
- 10 NLP Fundamentals in TensorFlow/015 Model 1_ Building, fitting and evaluating our first deep model on text data.mp4  207.8 MB
- 10 NLP Fundamentals in TensorFlow/009 Setting up a TensorFlow TextVectorization layer to convert text to numbers.mp4  200.1 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/018 Preparing Model 3 (our first fine-tuned model).mp4  198.3 MB
- 11 Milestone Project 2_ SkimLit/017 Creating a character-level tokeniser with TensorFlow's TextVectorization layer.mp4  197.3 MB
- 03 Neural network regression with TensorFlow/011 Evaluating a TensorFlow model part 3 (getting a model summary).mp4  193.0 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/015 Breaking our CNN model down part 5_ Looking inside a Conv2D layer.mp4  186.0 MB
- 10 NLP Fundamentals in TensorFlow/021 Discussing the intuition behind Conv1D neural networks for text and sequences.mp4  184.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/042 Model 7_ Testing our N-BEATS block implementation with dummy data inputs.mp4  183.0 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/051 Model 8_ Making and evaluating predictions with our ensemble model.mp4  182.2 MB
- 03 Neural network regression with TensorFlow/005 The major steps in modelling with TensorFlow.mp4  181.9 MB
- 11 Milestone Project 2_ SkimLit/021 Model 4_ Building a multi-input model (hybrid token + character embeddings).mp4  181.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/050 Model 8_ Building, compiling and fitting an ensemble of models.mp4  180.1 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/003 Downloading and turning our images into a TensorFlow BatchDataset.mp4  173.3 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/018 Making predictions on our test images and evaluating them.mp4  171.6 MB
- 11 Milestone Project 2_ SkimLit/014 Model 1_ Building, fitting and evaluating a Conv1D with token embeddings.mp4  168.3 MB
- 10 NLP Fundamentals in TensorFlow/019 Model 3_ Building, fitting and evaluating a GRU-cell powered RNN.mp4  168.1 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/026 Model 1_ Building, compiling and fitting a deep learning model on Bitcoin data.mp4  167.3 MB
- 10 NLP Fundamentals in TensorFlow/020 Model 4_ Building, fitting and evaluating a bidirectional RNN model.mp4  167.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/035 Model 5_ Building, fitting and evaluating a LSTM (RNN) model on our Bitcoin data.mp4  166.0 MB
- 10 NLP Fundamentals in TensorFlow/027 Fixing our data leakage issue with model 7 and retraining it.mp4  165.9 MB
- 10 NLP Fundamentals in TensorFlow/018 Model 2_ Building, fitting and evaluating our first TensorFlow RNN model (LSTM).mp4  165.9 MB
- 04 Neural network classification in TensorFlow/009 Creating a function to view our model's not so good predictions.mp4  160.6 MB
- 10 NLP Fundamentals in TensorFlow/006 Becoming one with the data and visualising a text dataset.mp4  160.4 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/014 Building Model 2 (with a data augmentation layer and 10% of training data).mp4  159.7 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/020 Breaking our CNN model down part 10_ Visualizing our augmented data.mp4  157.6 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/014 Creating a confusion matrix for our model's 101 different classes.mp4  157.0 MB
- 04 Neural network classification in TensorFlow/018 Using callbacks to find a model's ideal learning rate.mp4  155.7 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/007 Building an end to end CNN Model.mp4  155.2 MB
- 03 Neural network regression with TensorFlow/025 Putting together what we've learned part 3 (improving our regression model).mp4  154.9 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/028 Model 2_ Building, fitting and evaluating a deep model with a larger window size.mp4  153.9 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/013 Building Model 1 (with a data augmentation layer and 1% of training data).mp4  153.0 MB
- 11 Milestone Project 2_ SkimLit/029 Model 5_ Completing the build of a tribrid embedding model for sequences.mp4  152.9 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/008 Downloading and inspecting our Bitcoin historical dataset.mp4  148.8 MB
- 10 NLP Fundamentals in TensorFlow/014 Creating a function to track and evaluate our model's results.mp4  148.8 MB
- 11 Milestone Project 2_ SkimLit/001 Introduction to Milestone Project 2_ SkimLit.mp4  148.5 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/045 Model 7_ Getting ready for residual connections.mp4  148.2 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/008 Getting a feature vector from our trained model.mp4  147.6 MB
- 04 Neural network classification in TensorFlow/015 Non-linearity part 5_ Replicating non-linear activation functions from scratch.mp4  146.3 MB
- 11 Milestone Project 2_ SkimLit/004 Setting up our notebook for Milestone Project 2 (getting the data).mp4  146.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/034 Model 4_ Building, fitting and evaluating a Conv1D model on our Bitcoin data.mp4  144.6 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/010 Comparing Our Model's Results.mp4  144.0 MB
- 03 Neural network regression with TensorFlow/023 Putting together what we've learned part 1 (preparing a dataset).mp4  143.6 MB
- 04 Neural network classification in TensorFlow/026 Multi-class classification part 3_ Building a multi-class classification model.mp4  142.4 MB
- 13 Passing the TensorFlow Developer Certificate Exam/005 How to prepare (your computer) for the TensorFlow Developer Certification.mp4  140.4 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/027 Multi-class CNN's part 1_ Becoming one with the data.mp4  140.2 MB
- 11 Milestone Project 2_ SkimLit/024 Model 4_ Building, fitting and evaluating a hybrid embedding model.mp4  139.0 MB
- 10 NLP Fundamentals in TensorFlow/023 Using TensorFlow Hub for pretrained word embeddings (transfer learning for NLP).mp4  138.1 MB
- 04 Neural network classification in TensorFlow/016 Getting great results in less time by tweaking the learning rate.mp4  136.8 MB
- 11 Milestone Project 2_ SkimLit/035 Congratulations and your challenge before heading to the next module.mp4  135.8 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/005 Building and compiling a TensorFlow Hub feature extraction model.mp4  135.6 MB
- 10 NLP Fundamentals in TensorFlow/011 Creating an Embedding layer to turn tokenised text into embedding vectors.mp4  135.5 MB
- 02 Deep Learning and TensorFlow Fundamentals/010 Creating your first tensors with TensorFlow and tf.constant().mp4  134.7 MB
- 03 Neural network regression with TensorFlow/008 Steps in improving a model with TensorFlow part 3.mp4  132.9 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/007 Compiling and fitting our first Functional API model.mp4  132.8 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/002 Downloading and preparing data for our first transfer learning model.mp4  132.7 MB
- 11 Milestone Project 2_ SkimLit/005 Visualising examples from the dataset (becoming one with the data).mp4  132.6 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/006 Creating our first model with the TensorFlow Keras Functional API.mp4  132.2 MB
- 09 Milestone Project 1_ Food Vision Big™/007 Batching and preparing our datasets (to make them run fast).mp4  132.2 MB
- 09 Milestone Project 1_ Food Vision Big™/006 Creating a preprocessing function to prepare our data for modelling.mp4  132.1 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/015 Evaluating every individual class in our dataset.mp4  131.9 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/002 Getting helper functions ready and downloading data to model.mp4  131.4 MB
- 11 Milestone Project 2_ SkimLit/019 Model 3_ Building, fitting and evaluating a Conv1D model on character embeddings.mp4  131.1 MB
- 10 NLP Fundamentals in TensorFlow/031 Downloading a pretrained model and preparing data to investigate predictions.mp4  131.1 MB
- 10 NLP Fundamentals in TensorFlow/034 Understanding the concept of the speed_score tradeoff.mp4  130.5 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/018 Breaking our CNN model down part 8_ Reducing overfitting with Max Pooling.mp4  130.5 MB
- 11 Milestone Project 2_ SkimLit/011 Creating a text vectoriser to map our tokens (text) to numbers.mp4  129.9 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/032 Multi-class CNN's part 6_ Trying to fix overfitting by removing layers.mp4  129.8 MB
- 04 Neural network classification in TensorFlow/033 What _patterns_ is our model learning_.mp4  127.9 MB
- 03 Neural network regression with TensorFlow/017 Setting up TensorFlow modelling experiments part 1 (start with a simple model).mp4  127.3 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/021 Plotting and visualising the samples our model got most wrong.mp4  125.5 MB
- 04 Neural network classification in TensorFlow/007 Building a not very good classification model with TensorFlow.mp4  125.5 MB
- 11 Milestone Project 2_ SkimLit/015 Preparing a pretrained embedding layer from TensorFlow Hub for Model 2.mp4  124.7 MB
- 10 NLP Fundamentals in TensorFlow/002 Introduction to Natural Language Processing (NLP) and Sequence Problems.mp4  124.0 MB
- 04 Neural network classification in TensorFlow/013 Non-linearity part 3_ Upgrading our non-linear model with more layers.mp4  123.1 MB
- 04 Neural network classification in TensorFlow/010 Make our poor classification model work for a regression dataset.mp4  122.9 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/029 Model 3_ Building, fitting and evaluating a model with a larger horizon size.mp4  122.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/043 Model 7_ Creating a performant data pipeline for the N-BEATS model with tf.data.mp4  122.5 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/027 Creating a function to make predictions with our trained models.mp4  122.1 MB
- 03 Neural network regression with TensorFlow/024 Putting together what we've learned part 2 (building a regression model).mp4  121.1 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/033 Multi-class CNN's part 7_ Trying to fix overfitting with data augmentation.mp4  121.0 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/036 Investigating how to turn our univariate time series into multivariate.mp4  120.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/059 Model 9_ Creating a function to make forecasts into the future.mp4  119.5 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/012 Visualising what happens when images pass through our data augmentation layer.mp4  119.2 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/035 Multi-class CNN's part 9_ Making predictions with our model on custom images.mp4  119.1 MB
- 04 Neural network classification in TensorFlow/030 Multi-class classification part 7_ Evaluating our model.mp4  119.0 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/011 Building a data augmentation layer to use inside our model.mp4  117.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/054 Plotting the prediction intervals of our ensemble model predictions.mp4  117.4 MB
- 11 Milestone Project 2_ SkimLit/008 Turning our target labels into numbers (ML models require numbers).mp4  117.4 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/038 Preparing our multivariate time series for a model.mp4  117.3 MB
- 09 Milestone Project 1_ Food Vision Big™/004 Introduction to TensorFlow Datasets (TFDS).mp4  116.8 MB
- 09 Milestone Project 1_ Food Vision Big™/005 Exploring and becoming one with the data (Food101 from TensorFlow Datasets).mp4  116.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/055 (Optional) Discussing the types of uncertainty in machine learning.mp4  116.0 MB
- 10 NLP Fundamentals in TensorFlow/028 Comparing all our modelling experiments evaluation metrics.mp4  115.9 MB
- 11 Milestone Project 2_ SkimLit/032 Bringing SkimLit to life!!! (fitting and evaluating Model 5).mp4  115.6 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/011 Making predictions with our trained model on 25,250 test samples.mp4  115.4 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/008 Using a GPU to run our CNN model 5x faster.mp4  115.0 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/052 Discussing the importance of prediction intervals in forecasting.mp4  114.9 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/016 Model 0_ Making and visualizing a naive forecast model.mp4  114.3 MB
- 04 Neural network classification in TensorFlow/023 Making our confusion matrix prettier.mp4  114.1 MB
- 04 Neural network classification in TensorFlow/027 Multi-class classification part 4_ Improving performance with normalisation.mp4  113.3 MB
- 11 Milestone Project 2_ SkimLit/026 Encoding the line number feature to used with Model 5.mp4  112.9 MB
- 04 Neural network classification in TensorFlow/004 Typical architecture of neural network classification models with TensorFlow.mp4  112.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/033 Preparing data for building a Conv1D model.mp4  112.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/037 Creating and plotting a multivariate time series with BTC price and block reward.mp4  111.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/062 Model 10_ Building a model to predict on turkey data (why forecasting is BS).mp4  111.6 MB
- 02 Deep Learning and TensorFlow Fundamentals/029 Making sure our tensor operations run really fast on GPUs.mp4  110.9 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/009 Different Types of Transfer Learning.mp4  110.6 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/020 Writing code to uncover our model's most wrong predictions.mp4  109.7 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/012 Breaking our CNN model down part 2_ Preparing to load our data.mp4  109.5 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/063 Comparing the results of all of our models and discussing where to go next.mp4  109.5 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/017 Creating a function to load and prepare images for making predictions.mp4  109.5 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/021 Formatting data Part 2_ Creating a function to label our windowed time series.mp4  109.2 MB
- 10 NLP Fundamentals in TensorFlow/029 Uploading our model's training logs to TensorBoard and comparing them.mp4  109.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/061 Model 10_ Introducing the turkey problem and making data for it.mp4  108.2 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/022 Making predictions on and plotting our own custom images.mp4  108.1 MB
- 09 Milestone Project 1_ Food Vision Big™/012 Creating a feature extraction model capable of using mixed precision training.mp4  107.9 MB
- 11 Milestone Project 2_ SkimLit/030 Visually inspecting the architecture of our tribrid embedding model.mp4  107.9 MB
- 02 Deep Learning and TensorFlow Fundamentals/019 Matrix multiplication with tensors part 2.mp4  107.8 MB
- 09 Milestone Project 1_ Food Vision Big™/011 Turning on mixed precision training with TensorFlow.mp4  107.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/046 Model 7_ Outlining the steps we're going to take to build the N-BEATS model.mp4  107.5 MB
- 10 NLP Fundamentals in TensorFlow/004 The typical architecture of a Recurrent Neural Network (RNN).mp4  107.2 MB
- 11 Milestone Project 2_ SkimLit/016 Model 2_ Building, fitting and evaluating a Conv1D model with token embeddings.mp4  106.8 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/010 Improving our non-CNN model by adding more layers.mp4  106.4 MB
- 17 Appendix_ Pandas for Data Analysis/009 Selecting and Viewing Data with Pandas Part 2.mp4  106.4 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/060 Model 9_ Plotting our model's future forecasts.mp4  106.2 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/017 Breaking our CNN model down part 7_ Evaluating our CNN's training curves.mp4  106.2 MB
- 04 Neural network classification in TensorFlow/005 Creating and viewing classification data to model.mp4  106.1 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/008 Building and training a pre-trained EfficientNet model on our data.mp4  105.9 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/025 Writing a helper function to load and preprocessing custom images.mp4  105.1 MB
- 17 Appendix_ Pandas for Data Analysis/010 Manipulating Data.mp4  104.9 MB
- 10 NLP Fundamentals in TensorFlow/030 Saving and loading in a trained NLP model with TensorFlow.mp4  104.8 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/005 Becoming One With Data Part 2.mp4  104.6 MB
- 03 Neural network regression with TensorFlow/021 How to load and use a saved TensorFlow model.mp4  104.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/040 Model 7_ Discussing what we're going to be doing with the N-BEATS algorithm.mp4  104.2 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/022 Breaking our CNN model down part 12_ Discovering the power of shuffling data.mp4  103.7 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/013 Breaking our CNN model down part 3_ Loading our data with ImageDataGenerator.mp4  103.6 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/004 Exploring the TensorFlow Hub website for pretrained models.mp4  102.9 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/011 Reading in our Bitcoin data with Python's CSV module.mp4  102.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/018 Implementing MASE with TensorFlow.mp4  102.0 MB
- 02 Deep Learning and TensorFlow Fundamentals/014 Creating tensors from NumPy arrays.mp4  101.3 MB
- 10 NLP Fundamentals in TensorFlow/026 Model 7_ Building, training and evaluating a transfer learning model on 10% data.mp4  100.9 MB
- 02 Deep Learning and TensorFlow Fundamentals/018 Matrix multiplication with tensors part 1.mp4  100.9 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/009 Trying a non-CNN model on our image data.mp4  100.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/044 Model 7_ Setting up hyperparameters for the N-BEATS algorithm.mp4  100.2 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/007 Unfreezing some layers in our base model to prepare for fine-tuning.mp4  100.0 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/026 Making a prediction on a custom image with our trained CNN.mp4  99.8 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/006 Blowing our previous models out of the water with transfer learning.mp4  99.7 MB
- 11 Milestone Project 2_ SkimLit/012 Creating a custom token embedding layer with TensorFlow.mp4  99.6 MB
- 11 Milestone Project 2_ SkimLit/031 Creating multi-level data input pipelines for Model 5 with the tf.data API.mp4  99.3 MB
- 10 NLP Fundamentals in TensorFlow/024 Model 6_ Building, training and evaluating a transfer learning model for NLP.mp4  99.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/017 Discussing some of the most common time series evaluation metrics.mp4  98.8 MB
- 13 Passing the TensorFlow Developer Certificate Exam/004 How to prepare (your brain) for the TensorFlow Developer Certification.mp4  98.2 MB
- 10 NLP Fundamentals in TensorFlow/010 Mapping the TextVectorization layer to text data and turning it into numbers.mp4  97.9 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/010 Downloading and preparing the data for Model 1 (1 percent of training data).mp4  97.7 MB
- 03 Neural network regression with TensorFlow/027 Preprocessing data with feature scaling part 2 (normalising our data).mp4  97.1 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/023 Fine-tuning Model 4 on 100% of the training data and evaluating its results.mp4  96.9 MB
- 04 Neural network classification in TensorFlow/014 Non-linearity part 4_ Modelling our non-linear data once and for all.mp4  96.6 MB
- 10 NLP Fundamentals in TensorFlow/017 High-level overview of Recurrent Neural Networks (RNNs) + where to learn more.mp4  96.5 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/022 Preparing our final modelling experiment (Model 4).mp4  96.4 MB
- 02 Deep Learning and TensorFlow Fundamentals/024 Finding the positional minimum and maximum of a tensor (argmin and argmax).mp4  96.4 MB
- 04 Neural network classification in TensorFlow/011 Non-linearity part 1_ Straight lines and non-straight lines.mp4  95.7 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/024 Comparing our modelling experiment results in TensorBoard.mp4  95.7 MB
- 03 Neural network regression with TensorFlow/018 Setting up TensorFlow modelling experiments part 2 (increasing complexity).mp4  95.5 MB
- 17 Appendix_ Pandas for Data Analysis/005 Series, Data Frames and CSVs.mp4  95.4 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/003 Introducing Callbacks in TensorFlow and making a callback to track our models.mp4  94.6 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/021 Breaking our CNN model down part 11_ Training a CNN model on augmented data.mp4  94.2 MB
- 10 NLP Fundamentals in TensorFlow/013 Model 0_ Building a baseline model to try and improve upon.mp4  93.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/032 Comparing our modelling experiments so far and discussing autocorrelation.mp4  92.9 MB
- 03 Neural network regression with TensorFlow/026 Preprocessing data with feature scaling part 1 (what is feature scaling_).mp4  92.5 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/019 Creating a function to evaluate our model's forecasts with various metrics.mp4  92.2 MB
- 03 Neural network regression with TensorFlow/019 Comparing and tracking your TensorFlow modelling experiments.mp4  92.2 MB
- 03 Neural network regression with TensorFlow/020 How to save a TensorFlow model.mp4  92.2 MB
- 10 NLP Fundamentals in TensorFlow/025 Preparing subsets of data for model 7 (same as model 6 but 10% of data).mp4  91.6 MB
- 18 Appendix_ NumPy/014 Exercise_ Nut Butter Store Sales.mp4  91.3 MB
- 17 Appendix_ Pandas for Data Analysis/012 Manipulating Data 3.mp4  91.1 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/011 Breaking our CNN model down part 1_ Becoming one with the data.mp4  91.0 MB
- 11 Milestone Project 2_ SkimLit/013 Creating fast loading dataset with the TensorFlow tf.data API.mp4  90.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/024 Turning our windowed time series data into training and test sets.mp4  90.6 MB
- 03 Neural network regression with TensorFlow/007 Steps in improving a model with TensorFlow part 2.mp4  90.3 MB
- 02 Deep Learning and TensorFlow Fundamentals/013 Shuffling the order of tensors.mp4  90.0 MB
- 03 Neural network regression with TensorFlow/004 Creating sample regression data (so we can model it).mp4  90.0 MB
- 02 Deep Learning and TensorFlow Fundamentals/022 Tensor aggregation (finding the min, max, mean & more).mp4  89.7 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/029 Multi-class CNN's part 3_ Building a multi-class CNN model.mp4  89.3 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/002 Importing a script full of helper functions (and saving lots of space).mp4  89.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/030 Adjusting the evaluation function to work for predictions with larger horizons.mp4  89.2 MB
- 09 Milestone Project 1_ Food Vision Big™/015 Introducing your Milestone Project 1 challenge_ build a model to beat DeepFood.mp4  89.2 MB
- 09 Milestone Project 1_ Food Vision Big™/014 Training and evaluating a feature extraction model (Food Vision Big™).mp4  89.2 MB
- 04 Neural network classification in TensorFlow/019 Training and evaluating a model with an ideal learning rate.mp4  88.9 MB
- 02 Deep Learning and TensorFlow Fundamentals/012 Creating random tensors with TensorFlow.mp4  88.4 MB
- 09 Milestone Project 1_ Food Vision Big™/002 Making sure we have access to the right GPU for mixed precision training.mp4  88.1 MB
- 09 Milestone Project 1_ Food Vision Big™/013 Checking to see if our model is using mixed precision training layer by layer.mp4  87.7 MB
- 10 NLP Fundamentals in TensorFlow/012 Discussing the various modelling experiments we're going to run.mp4  87.7 MB
- 02 Deep Learning and TensorFlow Fundamentals/015 Getting information from your tensors (tensor attributes).mp4  87.5 MB
- 04 Neural network classification in TensorFlow/024 Putting things together with multi-class classification part 1_ Getting the data.mp4  87.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/031 Model 3_ Visualizing the results.mp4  86.7 MB
- 11 Milestone Project 2_ SkimLit/022 Model 4_ Plotting and visually exploring different data inputs.mp4  86.7 MB
- 02 Deep Learning and TensorFlow Fundamentals/016 Indexing and expanding tensors.mp4  86.4 MB
- 17 Appendix_ Pandas for Data Analysis/011 Manipulating Data 2.mp4  86.3 MB
- 18 Appendix_ NumPy/017 Turn Images Into NumPy Arrays.mp4  85.9 MB
- 11 Milestone Project 2_ SkimLit/010 Preparing our data for deep sequence models.mp4  85.2 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/014 Breaking our CNN model down part 4_ Building a baseline CNN model.mp4  85.1 MB
- 04 Neural network classification in TensorFlow/008 Trying to improve our not very good classification model.mp4  84.4 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/020 Comparing our model's results before and after fine-tuning.mp4  84.1 MB
- 11 Milestone Project 2_ SkimLit/023 Crafting multi-input fast loading tf.data datasets for Model 4.mp4  83.8 MB
- 18 Appendix_ NumPy/013 Dot Product vs Element Wise.mp4  83.8 MB
- 11 Milestone Project 2_ SkimLit/034 Saving, loading & testing our best performing model.mp4  83.5 MB
- 10 NLP Fundamentals in TensorFlow/005 Preparing a notebook for our first NLP with TensorFlow project.mp4  82.4 MB
- 10 NLP Fundamentals in TensorFlow/008 Converting text data to numbers using tokenisation and embeddings (overview).mp4  82.1 MB
- 11 Milestone Project 2_ SkimLit/028 Model 5_ Building the foundations of a tribrid embedding model.mp4  81.8 MB
- 03 Neural network regression with TensorFlow/010 Evaluating a TensorFlow model part 2 (the three datasets).mp4  81.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/039 Model 6_ Building, fitting and evaluating a multivariate time series model.mp4  81.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/053 Getting the upper and lower bounds of our prediction intervals.mp4  81.5 MB
- 11 Milestone Project 2_ SkimLit/009 Model 0_ Creating, fitting and evaluating a baseline model for SkimLit.mp4  81.5 MB
- 02 Deep Learning and TensorFlow Fundamentals/020 Matrix multiplication with tensors part 3.mp4  80.6 MB
- 18 Appendix_ NumPy/009 Manipulating Arrays.mp4  80.5 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/005 Creating a headless EfficientNetB0 model with data augmentation built in.mp4  80.4 MB
- 18 Appendix_ NumPy/005 NumPy DataTypes and Attributes.mp4  78.8 MB
- 03 Neural network regression with TensorFlow/013 Evaluating a TensorFlow model part 5 (visualising a model's predictions).mp4  78.8 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/010 Downloading a pretrained model to make and evaluate predictions with.mp4  78.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/015 Discussing the various modelling experiments were going to be running.mp4  78.2 MB
- 11 Milestone Project 2_ SkimLit/033 Comparing the performance of all of our modelling experiments.mp4  77.9 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/016 Plotting our model's F1-scores for each separate class.mp4  77.9 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/005 What can be forecast_.mp4  77.9 MB
- 10 NLP Fundamentals in TensorFlow/022 Model 5_ Building, fitting and evaluating a 1D CNN for text.mp4  77.8 MB
- 11 Milestone Project 2_ SkimLit/018 Creating a character-level embedding layer with tf.keras.layers.Embedding.mp4  77.6 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/016 Breaking our CNN model down part 6_ Compiling and fitting our baseline CNN.mp4  77.1 MB
- 10 NLP Fundamentals in TensorFlow/032 Visualising our model's most wrong predictions.mp4  77.0 MB
- 11 Milestone Project 2_ SkimLit/003 SkimLit inputs and outputs.mp4  76.8 MB
- 10 NLP Fundamentals in TensorFlow/033 Making and visualising predictions on the test dataset.mp4  76.7 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/002 Introduction to Convolutional Neural Networks (CNNs) with TensorFlow.mp4  76.6 MB
- 02 Deep Learning and TensorFlow Fundamentals/004 What is deep learning already being used for_.mp4  76.3 MB
- 17 Appendix_ Pandas for Data Analysis/007 Describing Data with Pandas.mp4  75.6 MB
- 03 Neural network regression with TensorFlow/028 Preprocessing data with feature scaling part 3 (fitting a model on scaled data).mp4  75.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/056 Model 9_ Preparing data to create a model capable of predicting into the future.mp4  75.3 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/001 Introduction to Computer Vision with TensorFlow.mp4  75.1 MB
- 11 Milestone Project 2_ SkimLit/007 Performing visual data analysis on our preprocessed text.mp4  74.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/048 Model 7_ Plotting the N-BEATS algorithm we've created and admiring its beauty.mp4  74.1 MB
- 04 Neural network classification in TensorFlow/029 Multi-class classification part 6_ Finding the ideal learning rate.mp4  73.3 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/003 Downloading an image dataset for our first Food Vision model.mp4  73.0 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/028 Multi-class CNN's part 2_ Preparing our data (turning it into tensors).mp4  72.8 MB
- 04 Neural network classification in TensorFlow/001 Introduction to neural network classification in TensorFlow.mp4  72.8 MB
- 17 Appendix_ Pandas for Data Analysis/008 Selecting and Viewing Data with Pandas.mp4  72.3 MB
- 02 Deep Learning and TensorFlow Fundamentals/021 Changing the datatype of tensors.mp4  71.3 MB
- 11 Milestone Project 2_ SkimLit/002 What we're going to cover in Milestone Project 2 (NLP for medical abstracts).mp4  71.0 MB
- 02 Deep Learning and TensorFlow Fundamentals/011 Creating tensors with TensorFlow and tf.Variable().mp4  70.9 MB
- 18 Appendix_ NumPy/008 Viewing Arrays and Matrices.mp4  70.6 MB
- 03 Neural network regression with TensorFlow/014 Evaluating a TensorFlow model part 6 (common regression evaluation metrics).mp4  70.4 MB
- 03 Neural network regression with TensorFlow/012 Evaluating a TensorFlow model part 4 (visualising a model's layers).mp4  70.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/022 Discussing the use of windows and horizons in time series data.mp4  70.2 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/006 Fitting and evaluating our biggest transfer learning model yet.mp4  70.1 MB
- 02 Deep Learning and TensorFlow Fundamentals/023 Tensor troubleshooting example (updating tensor datatypes).mp4  69.4 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/036 Saving and loading our trained CNN model.mp4  69.4 MB
- 02 Deep Learning and TensorFlow Fundamentals/005 What is and why use TensorFlow_.mp4  69.2 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/019 Fitting and evaluating Model 3 (our first fine-tuned model).mp4  69.2 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/015 Creating a ModelCheckpoint to save our model's weights during training.mp4  68.9 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/016 Fitting and evaluating Model 2 (and saving its weights using ModelCheckpoint).mp4  68.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/014 Creating a plotting function to visualize our time series data.mp4  68.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/009 Different kinds of time series patterns & different amounts of feature variables.mp4  68.1 MB
- 18 Appendix_ NumPy/010 Manipulating Arrays 2.mp4  67.8 MB
- 03 Neural network regression with TensorFlow/022 (Optional) How to save and download files from Google Colab.mp4  67.7 MB
- 03 Neural network regression with TensorFlow/009 Evaluating a TensorFlow model part 1 (_visualise, visualise, visualise_).mp4  67.0 MB
- 18 Appendix_ NumPy/006 Creating NumPy Arrays.mp4  66.8 MB
- 17 Appendix_ Pandas for Data Analysis/014 How To Download The Course Assignments.mp4  66.7 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/008 Fine-tuning our feature extraction model and evaluating its performance.mp4  66.2 MB
- 11 Milestone Project 2_ SkimLit/025 Model 5_ Adding positional embeddings via feature engineering (overview).mp4  66.2 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/019 Breaking our CNN model down part 9_ Reducing overfitting with data augmentation.mp4  66.2 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/001 What is and why use transfer learning_.mp4  65.8 MB
- 04 Neural network classification in TensorFlow/022 Creating our first confusion matrix (to see where our model is getting confused).mp4  65.7 MB
- 04 Neural network classification in TensorFlow/032 Multi-class classification part 9_ Visualising random model predictions.mp4  65.6 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/003 What is a time series problem and example forecasting problems at Uber.mp4  65.1 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/025 Creating a modelling checkpoint callback to save our best performing model.mp4  64.9 MB
- 11 Milestone Project 2_ SkimLit/027 Encoding the total lines feature to be used with Model 5.mp4  64.3 MB
- 10 NLP Fundamentals in TensorFlow/003 Example NLP inputs and outputs.mp4  64.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/058 Model 9_ Discussing what's required for our model to make future predictions.mp4  64.2 MB
- 09 Milestone Project 1_ Food Vision Big™/008 Exploring what happens when we batch and prefetch our data.mp4  63.9 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/012 Creating train and test splits for time series (the wrong way).mp4  63.6 MB
- 02 Deep Learning and TensorFlow Fundamentals/003 What are neural networks_.mp4  63.4 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/017 Loading and comparing saved weights to our existing trained Model 2.mp4  62.5 MB
- 02 Deep Learning and TensorFlow Fundamentals/002 Why use deep learning_.mp4  62.3 MB
- 04 Neural network classification in TensorFlow/017 Using the TensorFlow History object to plot a model's loss curves.mp4  62.1 MB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/007 Plotting the loss curves of our ResNet feature extraction model.mp4  62.0 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/007 Time series forecasting inputs and outputs.mp4  61.9 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/001 Introduction to Transfer Learning in TensorFlow Part 2_ Fine-tuning.mp4  61.4 MB
- 09 Milestone Project 1_ Food Vision Big™/009 Creating modelling callbacks for our feature extraction model.mp4  60.6 MB
- 16 Appendix_ Machine Learning and Data Science Framework/005 Types of Machine Learning Problems.mp4  60.4 MB
- 11 Milestone Project 2_ SkimLit/020 Discussing how we're going to build Model 4 (character + token embeddings).mp4  60.3 MB
- 03 Neural network regression with TensorFlow/001 Introduction to Neural Network Regression with TensorFlow.mp4  60.1 MB
- 10 NLP Fundamentals in TensorFlow/007 Splitting data into training and validation sets.mp4  59.9 MB
- 02 Deep Learning and TensorFlow Fundamentals/026 One-hot encoding tensors.mp4  59.7 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/030 Multi-class CNN's part 4_ Fitting a multi-class CNN model to the data.mp4  59.7 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/020 Discussing other non-TensorFlow kinds of time series forecasting models.mp4  59.4 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/019 Discussing the benefits of finding your model's most wrong predictions.mp4  59.2 MB
- 03 Neural network regression with TensorFlow/003 Anatomy and architecture of a neural network regression model.mp4  59.0 MB
- 04 Neural network classification in TensorFlow/012 Non-linearity part 2_ Building our first neural network with non-linearity.mp4  59.0 MB
- 01 Introduction/001 Course Outline.mp4  58.0 MB
- 03 Neural network regression with TensorFlow/002 Inputs and outputs of a neural network regression model.mp4  57.5 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/009 Saving and loading our trained model.mp4  57.4 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/021 Downloading and preparing data for our biggest experiment yet (Model 4).mp4  56.7 MB
- 03 Neural network regression with TensorFlow/015 Evaluating a TensorFlow regression model part 7 (mean absolute error).mp4  56.0 MB
- 02 Deep Learning and TensorFlow Fundamentals/027 Trying out more tensor math operations.mp4  55.8 MB
- 13 Passing the TensorFlow Developer Certificate Exam/002 What is the TensorFlow Developer Certification_.mp4  54.9 MB
- 18 Appendix_ NumPy/012 Reshape and Transpose.mp4  53.5 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/024 Downloading a custom image to make predictions on.mp4  53.1 MB
- 18 Appendix_ NumPy/007 NumPy Random Seed.mp4  52.0 MB
- 13 Passing the TensorFlow Developer Certificate Exam/003 Why the TensorFlow Developer Certification_.mp4  51.5 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/009 Drilling into the concept of a feature vector (a learned representation).mp4  51.5 MB
- 18 Appendix_ NumPy/011 Standard Deviation and Variance.mp4  51.2 MB
- 04 Neural network classification in TensorFlow/003 Input and output tensors of classification problems.mp4  51.0 MB
- 04 Neural network classification in TensorFlow/002 Example classification problems (and their inputs and outputs).mp4  50.6 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/013 Confirming our model's predictions are in the same order as the test labels.mp4  50.6 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/023 Breaking our CNN model down part 13_ Exploring options to improve our model.mp4  50.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/013 Creating train and test splits for time series (the right way).mp4  48.7 MB
- 04 Neural network classification in TensorFlow/025 Multi-class classification part 2_ Becoming one with the data.mp4  48.5 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/057 Model 9_ Building, compiling and fitting a future predictions model.mp4  47.7 MB
- 03 Neural network regression with TensorFlow/006 Steps in improving a model with TensorFlow part 1.mp4  45.9 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/004 Becoming One With Data.mp4  45.6 MB
- 02 Deep Learning and TensorFlow Fundamentals/017 Manipulating tensors with basic operations.mp4  45.0 MB
- 16 Appendix_ Machine Learning and Data Science Framework/012 Modelling - Comparison.mp4  44.8 MB
- 02 Deep Learning and TensorFlow Fundamentals/028 Exploring TensorFlow and NumPy's compatibility.mp4  43.8 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/012 Unravelling our test dataset for comparing ground truth labels to predictions.mp4  43.8 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/049 Model 8_ Ensemble model overview.mp4  43.5 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/034 Multi-class CNN's part 8_ Things you could do to improve your CNN model.mp4  43.3 MB
- 15 Appendix_ Machine Learning Primer/004 Exercise_ Machine Learning Playground.mp4  42.5 MB
- 09 Milestone Project 1_ Food Vision Big™/001 Introduction to Milestone Project 1_ Food Vision Big™.mp4  42.3 MB
- 04 Neural network classification in TensorFlow/020 Introducing more classification evaluation methods.mp4  42.2 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/010 Visualizing our Bitcoin historical data with pandas.mp4  41.8 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/001 Introduction to Transfer Learning Part 3_ Scaling Up.mp4  41.5 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/031 Multi-class CNN's part 5_ Evaluating our multi-class CNN model.mp4  41.1 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/003 Outlining the model we're going to build and building a ModelCheckpoint callback.mp4  40.6 MB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/004 Creating a data augmentation layer to use with our model.mp4  40.5 MB
- 04 Neural network classification in TensorFlow/031 Multi-class classification part 8_ Creating a confusion matrix.mp4  40.5 MB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/006 Becoming One With Data Part 3.mp4  39.8 MB
- 04 Neural network classification in TensorFlow/006 Checking the input and output shapes of our classification data.mp4  38.1 MB
- 16 Appendix_ Machine Learning and Data Science Framework/008 Features In Data.mp4  36.8 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/002 Introduction to Milestone Project 3 (BitPredict) & where you can get help.mp4  36.4 MB
- 02 Deep Learning and TensorFlow Fundamentals/001 What is deep learning_.mp4  34.2 MB
- 04 Neural network classification in TensorFlow/021 Finding the accuracy of our classification model.mp4  34.0 MB
- 18 Appendix_ NumPy/016 Sorting Arrays.mp4  32.8 MB
- 03 Neural network regression with TensorFlow/016 Evaluating a TensorFlow regression model part 7 (mean square error).mp4  32.3 MB
- 09 Milestone Project 1_ Food Vision Big™/003 Getting helper functions ready.mp4  31.2 MB
- 15 Appendix_ Machine Learning Primer/005 How Did We Get Here_.mp4  30.5 MB
- 02 Deep Learning and TensorFlow Fundamentals/025 Squeezing a tensor (removing all 1-dimension axes).mp4  30.1 MB
- 02 Deep Learning and TensorFlow Fundamentals/007 What we're going to cover throughout the course.mp4  29.4 MB
- 16 Appendix_ Machine Learning and Data Science Framework/006 Types of Data.mp4  29.3 MB
- 15 Appendix_ Machine Learning Primer/002 What is Machine Learning_.mp4  28.3 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/004 Example forecasting problems in daily life.mp4  27.8 MB
- 02 Deep Learning and TensorFlow Fundamentals/006 What is a Tensor_.mp4  27.6 MB
- 16 Appendix_ Machine Learning and Data Science Framework/009 Modelling - Splitting Data.mp4  27.5 MB
- 17 Appendix_ Pandas for Data Analysis/004 Pandas Introduction.mp4  27.4 MB
- 16 Appendix_ Machine Learning and Data Science Framework/015 Tools We Will Use.mp4  27.3 MB
- 18 Appendix_ NumPy/003 NumPy Introduction.mp4  26.9 MB
- 04 Neural network classification in TensorFlow/028 Multi-class classification part 5_ Comparing normalised and non-normalised data.mp4  26.8 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/005 Comparing the TensorFlow Keras Sequential API versus the Functional API.mp4  26.4 MB
- 18 Appendix_ NumPy/015 Comparison Operators.mp4  26.4 MB
- 02 Deep Learning and TensorFlow Fundamentals/008 How to approach this course.mp4  26.1 MB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/006 What we're going to cover (broadly).mp4  25.6 MB
- 15 Appendix_ Machine Learning Primer/009 What Is Machine Learning_ Round 2.mp4  25.5 MB
- 16 Appendix_ Machine Learning and Data Science Framework/004 6 Step Machine Learning Framework.mp4  23.4 MB
- 16 Appendix_ Machine Learning and Data Science Framework/010 Modelling - Picking the Model.mp4  23.2 MB
- 15 Appendix_ Machine Learning Primer/007 Types of Machine Learning.mp4  22.8 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/025 How to view and delete previous TensorBoard experiments.mp4  21.9 MB
- 16 Appendix_ Machine Learning and Data Science Framework/014 Experimentation.mp4  21.3 MB
- 15 Appendix_ Machine Learning Primer/003 AI_Machine Learning_Data Science.mp4  19.7 MB
- 15 Appendix_ Machine Learning Primer/006 Exercise_ YouTube Recommendation Engine.mp4  19.4 MB
- 16 Appendix_ Machine Learning and Data Science Framework/007 Types of Evaluation.mp4  17.7 MB
- 13 Passing the TensorFlow Developer Certificate Exam/006 What to do after the TensorFlow Developer Certification exam.mp4  17.0 MB
- 16 Appendix_ Machine Learning and Data Science Framework/011 Modelling - Tuning.mp4  16.0 MB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/004 Discussing the four (actually five) modelling experiments we're running.mp4  15.8 MB
- 18 Appendix_ NumPy/002 Section Overview.mp4  13.3 MB
- 16 Appendix_ Machine Learning and Data Science Framework/002 Section Overview.mp4  13.3 MB
- 16 Appendix_ Machine Learning and Data Science Framework/003 Introducing Our Framework.mp4  11.4 MB
- 17 Appendix_ Pandas for Data Analysis/002 Section Overview.mp4  10.9 MB
- 18 Appendix_ NumPy/414 numpy-images.zip  7.3 MB
- 15 Appendix_ Machine Learning Primer/010 Section Review.mp4  5.6 MB
- 17 Appendix_ Pandas for Data Analysis/388 pandas-anatomy-of-a-dataframe.png  333.2 KB
- 17 Appendix_ Pandas for Data Analysis/394 pandas-anatomy-of-a-dataframe.png  333.2 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/023 Writing a preprocessing function to turn time series data into windows & labels.en.srt  32.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/047 Model 7_ Putting together the pieces of the puzzle of the N-BEATS model.en.srt  31.4 KB
- 11 Milestone Project 2_ SkimLit/017 Creating a character-level tokeniser with TensorFlow's TextVectorization layer.en.srt  31.0 KB
- 10 NLP Fundamentals in TensorFlow/016 Visualising our model's learned word embeddings with TensorFlow's projector tool.en.srt  31.0 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/050 Model 8_ Building, compiling and fitting an ensemble of models.en.srt  30.0 KB
- 10 NLP Fundamentals in TensorFlow/015 Model 1_ Building, fitting and evaluating our first deep model on text data.en.srt  29.8 KB
- 10 NLP Fundamentals in TensorFlow/020 Model 4_ Building, fitting and evaluating a bidirectional RNN model.en.srt  28.3 KB
- 10 NLP Fundamentals in TensorFlow/021 Discussing the intuition behind Conv1D neural networks for text and sequences.en.srt  28.1 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/028 Model 2_ Building, fitting and evaluating a deep model with a larger window size.en.srt  27.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/041 Model 7_ Replicating the N-BEATS basic block with TensorFlow layer subclassing.en.srt  27.2 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/007 Building an end to end CNN Model.en.srt  27.1 KB
- 11 Milestone Project 2_ SkimLit/006 Writing a preprocessing function to structure our data for modelling.en.srt  27.0 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/018 Preparing Model 3 (our first fine-tuned model).en.srt  27.0 KB
- 03 Neural network regression with TensorFlow/005 The major steps in modelling with TensorFlow.en.srt  26.9 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/026 Model 1_ Building, compiling and fitting a deep learning model on Bitcoin data.en.srt  26.8 KB
- 04 Neural network classification in TensorFlow/018 Using callbacks to find a model's ideal learning rate.en.srt  25.9 KB
- 02 Deep Learning and TensorFlow Fundamentals/010 Creating your first tensors with TensorFlow and tf.constant().en.srt  25.8 KB
- 11 Milestone Project 2_ SkimLit/014 Model 1_ Building, fitting and evaluating a Conv1D with token embeddings.en.srt  25.6 KB
- 10 NLP Fundamentals in TensorFlow/018 Model 2_ Building, fitting and evaluating our first TensorFlow RNN model (LSTM).en.srt  25.6 KB
- 10 NLP Fundamentals in TensorFlow/019 Model 3_ Building, fitting and evaluating a GRU-cell powered RNN.en.srt  24.9 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/018 Making predictions on our test images and evaluating them.en.srt  24.6 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/014 Building Model 2 (with a data augmentation layer and 10% of training data).en.srt  24.4 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/015 Breaking our CNN model down part 5_ Looking inside a Conv2D layer.en.srt  23.7 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/027 Multi-class CNN's part 1_ Becoming one with the data.en.srt  23.7 KB
- 11 Milestone Project 2_ SkimLit/021 Model 4_ Building a multi-input model (hybrid token + character embeddings).en.srt  23.5 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/051 Model 8_ Making and evaluating predictions with our ensemble model.en.srt  23.4 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/013 Building Model 1 (with a data augmentation layer and 1% of training data).en.srt  23.4 KB
- 09 Milestone Project 1_ Food Vision Big™/005 Exploring and becoming one with the data (Food101 from TensorFlow Datasets).en.srt  23.3 KB
- 10 NLP Fundamentals in TensorFlow/006 Becoming one with the data and visualising a text dataset.en.srt  23.1 KB
- 10 NLP Fundamentals in TensorFlow/009 Setting up a TensorFlow TextVectorization layer to convert text to numbers.en.srt  23.1 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/003 Downloading and turning our images into a TensorFlow BatchDataset.en.srt  23.0 KB
- 11 Milestone Project 2_ SkimLit/001 Introduction to Milestone Project 2_ SkimLit.en.srt  22.9 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/042 Model 7_ Testing our N-BEATS block implementation with dummy data inputs.en.srt  22.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/035 Model 5_ Building, fitting and evaluating a LSTM (RNN) model on our Bitcoin data.en.srt  22.5 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/020 Breaking our CNN model down part 10_ Visualizing our augmented data.en.srt  22.5 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/010 Comparing Our Model's Results.en.srt  22.4 KB
- 03 Neural network regression with TensorFlow/011 Evaluating a TensorFlow model part 3 (getting a model summary).en.srt  22.4 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/008 Downloading and inspecting our Bitcoin historical dataset.en.srt  22.3 KB
- 04 Neural network classification in TensorFlow/026 Multi-class classification part 3_ Building a multi-class classification model.en.srt  22.1 KB
- 04 Neural network classification in TensorFlow/033 What _patterns_ is our model learning_.en.srt  21.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/034 Model 4_ Building, fitting and evaluating a Conv1D model on our Bitcoin data.en.srt  21.5 KB
- 13 Passing the TensorFlow Developer Certificate Exam/005 How to prepare (your computer) for the TensorFlow Developer Certification.en.srt  21.3 KB
- 10 NLP Fundamentals in TensorFlow/002 Introduction to Natural Language Processing (NLP) and Sequence Problems.en.srt  21.1 KB
- 18 Appendix_ NumPy/005 NumPy DataTypes and Attributes.en.srt  20.9 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/027 Creating a function to make predictions with our trained models.en.srt  20.6 KB
- 11 Milestone Project 2_ SkimLit/004 Setting up our notebook for Milestone Project 2 (getting the data).en.srt  20.5 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/063 Comparing the results of all of our models and discussing where to go next.en.srt  20.4 KB
- 10 NLP Fundamentals in TensorFlow/023 Using TensorFlow Hub for pretrained word embeddings (transfer learning for NLP).en.srt  20.3 KB
- 04 Neural network classification in TensorFlow/016 Getting great results in less time by tweaking the learning rate.en.srt  20.2 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/015 Evaluating every individual class in our dataset.en.srt  20.2 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/018 Breaking our CNN model down part 8_ Reducing overfitting with Max Pooling.en.srt  20.0 KB
- 09 Milestone Project 1_ Food Vision Big™/007 Batching and preparing our datasets (to make them run fast).en.srt  20.0 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/061 Model 10_ Introducing the turkey problem and making data for it.en.srt  20.0 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/043 Model 7_ Creating a performant data pipeline for the N-BEATS model with tf.data.en.srt  19.9 KB
- 11 Milestone Project 2_ SkimLit/011 Creating a text vectoriser to map our tokens (text) to numbers.en.srt  19.8 KB
- 11 Milestone Project 2_ SkimLit/019 Model 3_ Building, fitting and evaluating a Conv1D model on character embeddings.en.srt  19.8 KB
- 04 Neural network classification in TensorFlow/009 Creating a function to view our model's not so good predictions.en.srt  19.8 KB
- 17 Appendix_ Pandas for Data Analysis/009 Selecting and Viewing Data with Pandas Part 2.en.srt  19.8 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/005 Building and compiling a TensorFlow Hub feature extraction model.en.srt  19.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/062 Model 10_ Building a model to predict on turkey data (why forecasting is BS).en.srt  19.7 KB
- 11 Milestone Project 2_ SkimLit/008 Turning our target labels into numbers (ML models require numbers).en.srt  19.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/029 Model 3_ Building, fitting and evaluating a model with a larger horizon size.en.srt  19.6 KB
- 03 Neural network regression with TensorFlow/025 Putting together what we've learned part 3 (improving our regression model).en.srt  19.6 KB
- 09 Milestone Project 1_ Food Vision Big™/006 Creating a preprocessing function to prepare our data for modelling.en.srt  19.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/033 Preparing data for building a Conv1D model.en.srt  19.5 KB
- 03 Neural network regression with TensorFlow/023 Putting together what we've learned part 1 (preparing a dataset).en.srt  19.5 KB
- 10 NLP Fundamentals in TensorFlow/034 Understanding the concept of the speed_score tradeoff.en.srt  19.4 KB
- 11 Milestone Project 2_ SkimLit/024 Model 4_ Building, fitting and evaluating a hybrid embedding model.en.srt  19.4 KB
- 17 Appendix_ Pandas for Data Analysis/010 Manipulating Data.en.srt  19.3 KB
- 17 Appendix_ Pandas for Data Analysis/005 Series, Data Frames and CSVs.en.srt  19.2 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/055 (Optional) Discussing the types of uncertainty in machine learning.en.srt  19.2 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/021 Formatting data Part 2_ Creating a function to label our windowed time series.en.srt  19.1 KB
- 04 Neural network classification in TensorFlow/015 Non-linearity part 5_ Replicating non-linear activation functions from scratch.en.srt  19.1 KB
- 04 Neural network classification in TensorFlow/023 Making our confusion matrix prettier.en.srt  19.1 KB
- 11 Milestone Project 2_ SkimLit/029 Model 5_ Completing the build of a tribrid embedding model for sequences.en.srt  18.9 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/002 Downloading and preparing data for our first transfer learning model.en.srt  18.9 KB
- 11 Milestone Project 2_ SkimLit/003 SkimLit inputs and outputs.en.srt  18.8 KB
- 03 Neural network regression with TensorFlow/024 Putting together what we've learned part 2 (building a regression model).en.srt  18.8 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/036 Investigating how to turn our univariate time series into multivariate.en.srt  18.7 KB
- 10 NLP Fundamentals in TensorFlow/011 Creating an Embedding layer to turn tokenised text into embedding vectors.en.srt  18.6 KB
- 10 NLP Fundamentals in TensorFlow/028 Comparing all our modelling experiments evaluation metrics.en.srt  18.6 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/002 Getting helper functions ready and downloading data to model.en.srt  18.5 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/008 Getting a feature vector from our trained model.en.srt  18.5 KB
- 09 Milestone Project 1_ Food Vision Big™/004 Introduction to TensorFlow Datasets (TFDS).en.srt  18.3 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/014 Creating a confusion matrix for our model's 101 different classes.en.srt  18.3 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/038 Preparing our multivariate time series for a model.en.srt  18.2 KB
- 18 Appendix_ NumPy/014 Exercise_ Nut Butter Store Sales.en.srt  18.2 KB
- 03 Neural network regression with TensorFlow/017 Setting up TensorFlow modelling experiments part 1 (start with a simple model).en.srt  18.2 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/054 Plotting the prediction intervals of our ensemble model predictions.en.srt  18.2 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/016 Model 0_ Making and visualizing a naive forecast model.en.srt  18.1 KB
- 09 Milestone Project 1_ Food Vision Big™/012 Creating a feature extraction model capable of using mixed precision training.en.srt  18.1 KB
- 02 Deep Learning and TensorFlow Fundamentals/019 Matrix multiplication with tensors part 2.en.srt  18.1 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/060 Model 9_ Plotting our model's future forecasts.en.srt  18.0 KB
- 10 NLP Fundamentals in TensorFlow/027 Fixing our data leakage issue with model 7 and retraining it.en.srt  18.0 KB
- 18 Appendix_ NumPy/009 Manipulating Arrays.en.srt  17.9 KB
- 11 Milestone Project 2_ SkimLit/035 Congratulations and your challenge before heading to the next module.en.srt  17.9 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/045 Model 7_ Getting ready for residual connections.en.srt  17.9 KB
- 11 Milestone Project 2_ SkimLit/005 Visualising examples from the dataset (becoming one with the data).en.srt  17.8 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/017 Breaking our CNN model down part 7_ Evaluating our CNN's training curves.en.srt  17.8 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/020 Writing code to uncover our model's most wrong predictions.en.srt  17.8 KB
- 04 Neural network classification in TensorFlow/030 Multi-class classification part 7_ Evaluating our model.en.srt  17.7 KB
- 02 Deep Learning and TensorFlow Fundamentals/015 Getting information from your tensors (tensor attributes).en.srt  17.7 KB
- 02 Deep Learning and TensorFlow Fundamentals/016 Indexing and expanding tensors.en.srt  17.7 KB
- 03 Neural network regression with TensorFlow/008 Steps in improving a model with TensorFlow part 3.en.srt  17.5 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/052 Discussing the importance of prediction intervals in forecasting.en.srt  17.5 KB
- 10 NLP Fundamentals in TensorFlow/014 Creating a function to track and evaluate our model's results.en.srt  17.4 KB
- 11 Milestone Project 2_ SkimLit/026 Encoding the line number feature to used with Model 5.en.srt  17.3 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/007 Unfreezing some layers in our base model to prepare for fine-tuning.en.srt  17.3 KB
- 10 NLP Fundamentals in TensorFlow/031 Downloading a pretrained model and preparing data to investigate predictions.en.srt  17.2 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/012 Breaking our CNN model down part 2_ Preparing to load our data.en.srt  17.2 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/032 Multi-class CNN's part 6_ Trying to fix overfitting by removing layers.en.srt  17.1 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/033 Multi-class CNN's part 7_ Trying to fix overfitting with data augmentation.en.srt  17.0 KB
- 04 Neural network classification in TensorFlow/010 Make our poor classification model work for a regression dataset.en.srt  17.0 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/017 Discussing some of the most common time series evaluation metrics.en.srt  17.0 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/011 Making predictions with our trained model on 25,250 test samples.en.srt  16.9 KB
- 04 Neural network classification in TensorFlow/027 Multi-class classification part 4_ Improving performance with normalisation.en.srt  16.9 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/011 Building a data augmentation layer to use inside our model.en.srt  16.8 KB
- 03 Neural network regression with TensorFlow/004 Creating sample regression data (so we can model it).en.srt  16.8 KB
- 11 Milestone Project 2_ SkimLit/016 Model 2_ Building, fitting and evaluating a Conv1D model with token embeddings.en.srt  16.8 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/005 Becoming One With Data Part 2.en.srt  16.7 KB
- 04 Neural network classification in TensorFlow/007 Building a not very good classification model with TensorFlow.en.srt  16.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/011 Reading in our Bitcoin data with Python's CSV module.en.srt  16.6 KB
- 18 Appendix_ NumPy/013 Dot Product vs Element Wise.en.srt  16.6 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/001 What is and why use transfer learning_.en.srt  16.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/059 Model 9_ Creating a function to make forecasts into the future.en.srt  16.6 KB
- 03 Neural network regression with TensorFlow/018 Setting up TensorFlow modelling experiments part 2 (increasing complexity).en.srt  16.6 KB
- 10 NLP Fundamentals in TensorFlow/010 Mapping the TextVectorization layer to text data and turning it into numbers.en.srt  16.5 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/006 Creating our first model with the TensorFlow Keras Functional API.en.srt  16.5 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/007 Compiling and fitting our first Functional API model.en.srt  16.5 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/017 Creating a function to load and prepare images for making predictions.en.srt  16.4 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/024 Comparing our modelling experiment results in TensorBoard.en.srt  16.4 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/009 Different Types of Transfer Learning.en.srt  16.3 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/026 Making a prediction on a custom image with our trained CNN.en.srt  16.1 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/007 Time series forecasting inputs and outputs.en.srt  16.1 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/021 Plotting and visualising the samples our model got most wrong.en.srt  16.1 KB
- 10 NLP Fundamentals in TensorFlow/029 Uploading our model's training logs to TensorBoard and comparing them.en.srt  16.0 KB
- 10 NLP Fundamentals in TensorFlow/025 Preparing subsets of data for model 7 (same as model 6 but 10% of data).en.srt  15.9 KB
- 02 Deep Learning and TensorFlow Fundamentals/018 Matrix multiplication with tensors part 1.en.srt  15.9 KB
- 17 Appendix_ Pandas for Data Analysis/008 Selecting and Viewing Data with Pandas.en.srt  15.9 KB
- 10 NLP Fundamentals in TensorFlow/024 Model 6_ Building, training and evaluating a transfer learning model for NLP.en.srt  15.7 KB
- 02 Deep Learning and TensorFlow Fundamentals/014 Creating tensors from NumPy arrays.en.srt  15.7 KB
- 11 Milestone Project 2_ SkimLit/015 Preparing a pretrained embedding layer from TensorFlow Hub for Model 2.en.srt  15.6 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/001 Introduction to Computer Vision with TensorFlow.en.srt  15.6 KB
- 04 Neural network classification in TensorFlow/029 Multi-class classification part 6_ Finding the ideal learning rate.en.srt  15.6 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/023 Fine-tuning Model 4 on 100% of the training data and evaluating its results.en.srt  15.5 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/022 Preparing our final modelling experiment (Model 4).en.srt  15.5 KB
- 17 Appendix_ Pandas for Data Analysis/011 Manipulating Data 2.en.srt  15.5 KB
- 11 Milestone Project 2_ SkimLit/032 Bringing SkimLit to life!!! (fitting and evaluating Model 5).en.srt  15.5 KB
- 10 NLP Fundamentals in TensorFlow/022 Model 5_ Building, fitting and evaluating a 1D CNN for text.en.srt  15.4 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/004 Exploring the TensorFlow Hub website for pretrained models.en.srt  15.3 KB
- 02 Deep Learning and TensorFlow Fundamentals/003 What are neural networks_.en.srt  15.3 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/022 Making predictions on and plotting our own custom images.en.srt  15.2 KB
- 04 Neural network classification in TensorFlow/004 Typical architecture of neural network classification models with TensorFlow.en.srt  15.2 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/037 Creating and plotting a multivariate time series with BTC price and block reward.en.srt  15.1 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/012 Visualising what happens when images pass through our data augmentation layer.en.srt  15.1 KB
- 02 Deep Learning and TensorFlow Fundamentals/029 Making sure our tensor operations run really fast on GPUs.en.srt  15.0 KB
- 04 Neural network classification in TensorFlow/005 Creating and viewing classification data to model.en.srt  15.0 KB
- 04 Neural network classification in TensorFlow/013 Non-linearity part 3_ Upgrading our non-linear model with more layers.en.srt  15.0 KB
- 16 Appendix_ Machine Learning and Data Science Framework/005 Types of Machine Learning Problems.en.srt  15.0 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/022 Breaking our CNN model down part 12_ Discovering the power of shuffling data.en.srt  14.9 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/008 Building and training a pre-trained EfficientNet model on our data.en.srt  14.9 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/003 Introducing Callbacks in TensorFlow and making a callback to track our models.en.srt  14.9 KB
- 17 Appendix_ Pandas for Data Analysis/007 Describing Data with Pandas.en.srt  14.8 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/032 Comparing our modelling experiments so far and discussing autocorrelation.en.srt  14.8 KB
- 02 Deep Learning and TensorFlow Fundamentals/002 Why use deep learning_.en.srt  14.7 KB
- 09 Milestone Project 1_ Food Vision Big™/014 Training and evaluating a feature extraction model (Food Vision Big™).en.srt  14.7 KB
- 03 Neural network regression with TensorFlow/010 Evaluating a TensorFlow model part 2 (the three datasets).en.srt  14.6 KB
- 09 Milestone Project 1_ Food Vision Big™/002 Making sure we have access to the right GPU for mixed precision training.en.srt  14.6 KB
- 17 Appendix_ Pandas for Data Analysis/012 Manipulating Data 3.en.srt  14.6 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/010 Improving our non-CNN model by adding more layers.en.srt  14.6 KB
- 03 Neural network regression with TensorFlow/027 Preprocessing data with feature scaling part 2 (normalising our data).en.srt  14.5 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/024 Turning our windowed time series data into training and test sets.en.srt  14.5 KB
- 18 Appendix_ NumPy/008 Viewing Arrays and Matrices.en.srt  14.5 KB
- 03 Neural network regression with TensorFlow/026 Preprocessing data with feature scaling part 1 (what is feature scaling_).en.srt  14.5 KB
- 09 Milestone Project 1_ Food Vision Big™/011 Turning on mixed precision training with TensorFlow.en.srt  14.5 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/020 Comparing our model's results before and after fine-tuning.en.srt  14.5 KB
- 04 Neural network classification in TensorFlow/011 Non-linearity part 1_ Straight lines and non-straight lines.en.srt  14.4 KB
- 11 Milestone Project 2_ SkimLit/030 Visually inspecting the architecture of our tribrid embedding model.en.srt  14.4 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/015 Discussing the various modelling experiments were going to be running.en.srt  14.4 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/019 Creating a function to evaluate our model's forecasts with various metrics.en.srt  14.4 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/025 Writing a helper function to load and preprocessing custom images.en.srt  14.3 KB
- 10 NLP Fundamentals in TensorFlow/017 High-level overview of Recurrent Neural Networks (RNNs) + where to learn more.en.srt  14.3 KB
- 10 NLP Fundamentals in TensorFlow/012 Discussing the various modelling experiments we're going to run.en.srt  14.3 KB
- 04 Neural network classification in TensorFlow/024 Putting things together with multi-class classification part 1_ Getting the data.en.srt  14.3 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/046 Model 7_ Outlining the steps we're going to take to build the N-BEATS model.en.srt  14.3 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/006 Blowing our previous models out of the water with transfer learning.en.srt  14.3 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/021 Breaking our CNN model down part 11_ Training a CNN model on augmented data.en.srt  14.2 KB
- 04 Neural network classification in TensorFlow/032 Multi-class classification part 9_ Visualising random model predictions.en.srt  14.1 KB
- 10 NLP Fundamentals in TensorFlow/030 Saving and loading in a trained NLP model with TensorFlow.en.srt  14.1 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/005 Creating a headless EfficientNetB0 model with data augmentation built in.en.srt  14.0 KB
- 02 Deep Learning and TensorFlow Fundamentals/004 What is deep learning already being used for_.en.srt  14.0 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/013 Breaking our CNN model down part 3_ Loading our data with ImageDataGenerator.en.srt  14.0 KB
- 10 NLP Fundamentals in TensorFlow/004 The typical architecture of a Recurrent Neural Network (RNN).en.srt  14.0 KB
- 02 Deep Learning and TensorFlow Fundamentals/020 Matrix multiplication with tensors part 3.en.srt  13.8 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/040 Model 7_ Discussing what we're going to be doing with the N-BEATS algorithm.en.srt  13.8 KB
- 16 Appendix_ Machine Learning and Data Science Framework/012 Modelling - Comparison.en.srt  13.8 KB
- 03 Neural network regression with TensorFlow/019 Comparing and tracking your TensorFlow modelling experiments.en.srt  13.7 KB
- 03 Neural network regression with TensorFlow/007 Steps in improving a model with TensorFlow part 2.en.srt  13.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/003 What is a time series problem and example forecasting problems at Uber.en.srt  13.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/005 What can be forecast_.en.srt  13.6 KB
- 03 Neural network regression with TensorFlow/002 Inputs and outputs of a neural network regression model.en.srt  13.6 KB
- 10 NLP Fundamentals in TensorFlow/008 Converting text data to numbers using tokenisation and embeddings (overview).en.srt  13.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/039 Model 6_ Building, fitting and evaluating a multivariate time series model.en.srt  13.6 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/008 Using a GPU to run our CNN model 5x faster.en.srt  13.6 KB
- 02 Deep Learning and TensorFlow Fundamentals/012 Creating random tensors with TensorFlow.en.srt  13.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/044 Model 7_ Setting up hyperparameters for the N-BEATS algorithm.en.srt  13.6 KB
- 13 Passing the TensorFlow Developer Certificate Exam/004 How to prepare (your brain) for the TensorFlow Developer Certification.en.srt  13.6 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/010 Downloading and preparing the data for Model 1 (1 percent of training data).en.srt  13.5 KB
- 11 Milestone Project 2_ SkimLit/010 Preparing our data for deep sequence models.en.srt  13.5 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/011 Breaking our CNN model down part 1_ Becoming one with the data.en.srt  13.5 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/031 Model 3_ Visualizing the results.en.srt  13.5 KB
- 02 Deep Learning and TensorFlow Fundamentals/022 Tensor aggregation (finding the min, max, mean & more).en.srt  13.4 KB
- 10 NLP Fundamentals in TensorFlow/026 Model 7_ Building, training and evaluating a transfer learning model on 10% data.en.srt  13.4 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/018 Implementing MASE with TensorFlow.en.srt  13.4 KB
- 03 Neural network regression with TensorFlow/021 How to load and use a saved TensorFlow model.en.srt  13.4 KB
- 11 Milestone Project 2_ SkimLit/013 Creating fast loading dataset with the TensorFlow tf.data API.en.srt  13.3 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/022 Discussing the use of windows and horizons in time series data.en.srt  13.3 KB
- 04 Neural network classification in TensorFlow/001 Introduction to neural network classification in TensorFlow.en.srt  13.3 KB
- 04 Neural network classification in TensorFlow/008 Trying to improve our not very good classification model.en.srt  13.2 KB
- 02 Deep Learning and TensorFlow Fundamentals/013 Shuffling the order of tensors.en.srt  13.2 KB
- 11 Milestone Project 2_ SkimLit/012 Creating a custom token embedding layer with TensorFlow.en.srt  13.2 KB
- 10 NLP Fundamentals in TensorFlow/013 Model 0_ Building a baseline model to try and improve upon.en.srt  13.1 KB
- 18 Appendix_ NumPy/006 Creating NumPy Arrays.en.srt  13.0 KB
- 02 Deep Learning and TensorFlow Fundamentals/024 Finding the positional minimum and maximum of a tensor (argmin and argmax).en.srt  12.9 KB
- 11 Milestone Project 2_ SkimLit/033 Comparing the performance of all of our modelling experiments.en.srt  12.9 KB
- 11 Milestone Project 2_ SkimLit/022 Model 4_ Plotting and visually exploring different data inputs.en.srt  12.8 KB
- 10 NLP Fundamentals in TensorFlow/032 Visualising our model's most wrong predictions.en.srt  12.8 KB
- 03 Neural network regression with TensorFlow/003 Anatomy and architecture of a neural network regression model.en.srt  12.7 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/002 Introduction to Convolutional Neural Networks (CNNs) with TensorFlow.en.srt  12.6 KB
- 18 Appendix_ NumPy/010 Manipulating Arrays 2.en.srt  12.5 KB
- 04 Neural network classification in TensorFlow/014 Non-linearity part 4_ Modelling our non-linear data once and for all.en.srt  12.5 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/035 Multi-class CNN's part 9_ Making predictions with our model on custom images.en.srt  12.5 KB
- 03 Neural network regression with TensorFlow/013 Evaluating a TensorFlow model part 5 (visualising a model's predictions).en.srt  12.4 KB
- 04 Neural network classification in TensorFlow/019 Training and evaluating a model with an ideal learning rate.en.srt  12.4 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/008 Fine-tuning our feature extraction model and evaluating its performance.en.srt  12.4 KB
- 11 Milestone Project 2_ SkimLit/002 What we're going to cover in Milestone Project 2 (NLP for medical abstracts).en.srt  12.4 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/009 Different kinds of time series patterns & different amounts of feature variables.en.srt  12.3 KB
- 10 NLP Fundamentals in TensorFlow/005 Preparing a notebook for our first NLP with TensorFlow project.en.srt  12.2 KB
- 02 Deep Learning and TensorFlow Fundamentals/005 What is and why use TensorFlow_.en.srt  12.2 KB
- 10 NLP Fundamentals in TensorFlow/003 Example NLP inputs and outputs.en.srt  12.1 KB
- 10 NLP Fundamentals in TensorFlow/033 Making and visualising predictions on the test dataset.en.srt  12.1 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/009 Trying a non-CNN model on our image data.en.srt  12.1 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/012 Creating train and test splits for time series (the wrong way).en.srt  12.1 KB
- 04 Neural network classification in TensorFlow/022 Creating our first confusion matrix (to see where our model is getting confused).en.srt  12.0 KB
- 11 Milestone Project 2_ SkimLit/009 Model 0_ Creating, fitting and evaluating a baseline model for SkimLit.en.srt  12.0 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/006 Fitting and evaluating our biggest transfer learning model yet.en.srt  11.9 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/058 Model 9_ Discussing what's required for our model to make future predictions.en.srt  11.9 KB
- 11 Milestone Project 2_ SkimLit/028 Model 5_ Building the foundations of a tribrid embedding model.en.srt  11.9 KB
- 03 Neural network regression with TensorFlow/020 How to save a TensorFlow model.en.srt  11.9 KB
- 03 Neural network regression with TensorFlow/001 Introduction to Neural Network Regression with TensorFlow.en.srt  11.9 KB
- 13 Passing the TensorFlow Developer Certificate Exam/003 Why the TensorFlow Developer Certification_.en.srt  11.8 KB
- 17 Appendix_ Pandas for Data Analysis/014 How To Download The Course Assignments.en.srt  11.7 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/014 Breaking our CNN model down part 4_ Building a baseline CNN model.en.srt  11.7 KB
- 09 Milestone Project 1_ Food Vision Big™/015 Introducing your Milestone Project 1 challenge_ build a model to beat DeepFood.en.srt  11.7 KB
- 03 Neural network regression with TensorFlow/014 Evaluating a TensorFlow model part 6 (common regression evaluation metrics).en.srt  11.6 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/030 Adjusting the evaluation function to work for predictions with larger horizons.en.srt  11.5 KB
- 03 Neural network regression with TensorFlow/028 Preprocessing data with feature scaling part 3 (fitting a model on scaled data).en.srt  11.5 KB
- 11 Milestone Project 2_ SkimLit/007 Performing visual data analysis on our preprocessed text.en.srt  11.3 KB
- 11 Milestone Project 2_ SkimLit/023 Crafting multi-input fast loading tf.data datasets for Model 4.en.srt  11.3 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/007 Plotting the loss curves of our ResNet feature extraction model.en.srt  11.3 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/015 Creating a ModelCheckpoint to save our model's weights during training.en.srt  11.2 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/016 Plotting our model's F1-scores for each separate class.en.srt  11.2 KB
- 11 Milestone Project 2_ SkimLit/031 Creating multi-level data input pipelines for Model 5 with the tf.data API.en.srt  11.2 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/029 Multi-class CNN's part 3_ Building a multi-class CNN model.en.srt  11.1 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/056 Model 9_ Preparing data to create a model capable of predicting into the future.en.srt  11.1 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/025 Creating a modelling checkpoint callback to save our best performing model.en.srt  11.1 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/019 Fitting and evaluating Model 3 (our first fine-tuned model).en.srt  11.1 KB
- 18 Appendix_ NumPy/017 Turn Images Into NumPy Arrays.en.srt  11.1 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/048 Model 7_ Plotting the N-BEATS algorithm we've created and admiring its beauty.en.srt  10.9 KB
- 18 Appendix_ NumPy/007 NumPy Random Seed.en.srt  10.9 KB
- 11 Milestone Project 2_ SkimLit/018 Creating a character-level embedding layer with tf.keras.layers.Embedding.en.srt  10.9 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/053 Getting the upper and lower bounds of our prediction intervals.en.srt  10.8 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/014 Creating a plotting function to visualize our time series data.en.srt  10.8 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/003 Downloading an image dataset for our first Food Vision model.en.srt  10.7 KB
- 09 Milestone Project 1_ Food Vision Big™/013 Checking to see if our model is using mixed precision training layer by layer.en.srt  10.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/013 Creating train and test splits for time series (the right way).en.srt  10.7 KB
- 11 Milestone Project 2_ SkimLit/027 Encoding the total lines feature to be used with Model 5.en.srt  10.6 KB
- 11 Milestone Project 2_ SkimLit/025 Model 5_ Adding positional embeddings via feature engineering (overview).en.srt  10.6 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/001 Introduction to Transfer Learning Part 3_ Scaling Up.en.srt  10.5 KB
- 11 Milestone Project 2_ SkimLit/034 Saving, loading & testing our best performing model.en.srt  10.4 KB
- 04 Neural network classification in TensorFlow/025 Multi-class classification part 2_ Becoming one with the data.en.srt  10.4 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/028 Multi-class CNN's part 2_ Preparing our data (turning it into tensors).en.srt  10.4 KB
- 02 Deep Learning and TensorFlow Fundamentals/011 Creating tensors with TensorFlow and tf.Variable().en.srt  10.4 KB
- 04 Neural network classification in TensorFlow/002 Example classification problems (and their inputs and outputs).en.srt  10.3 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/016 Breaking our CNN model down part 6_ Compiling and fitting our baseline CNN.en.srt  10.3 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/016 Fitting and evaluating Model 2 (and saving its weights using ModelCheckpoint).en.srt  10.3 KB
- 18 Appendix_ NumPy/011 Standard Deviation and Variance.en.srt  10.3 KB
- 09 Milestone Project 1_ Food Vision Big™/009 Creating modelling callbacks for our feature extraction model.en.srt  10.2 KB
- 03 Neural network regression with TensorFlow/009 Evaluating a TensorFlow model part 1 (_visualise, visualise, visualise_).en.srt  10.2 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/002 Importing a script full of helper functions (and saving lots of space).en.srt  10.2 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/001 Introduction to Transfer Learning in TensorFlow Part 2_ Fine-tuning.en.srt  10.2 KB
- 18 Appendix_ NumPy/012 Reshape and Transpose.en.srt  10.1 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/017 Loading and comparing saved weights to our existing trained Model 2.en.srt  10.1 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/019 Discussing the benefits of finding your model's most wrong predictions.en.srt  9.8 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/019 Breaking our CNN model down part 9_ Reducing overfitting with data augmentation.en.srt  9.8 KB
- 09 Milestone Project 1_ Food Vision Big™/008 Exploring what happens when we batch and prefetch our data.en.srt  9.8 KB
- 03 Neural network regression with TensorFlow/012 Evaluating a TensorFlow model part 4 (visualising a model's layers).en.srt  9.6 KB
- 09 Milestone Project 1_ Food Vision Big™/001 Introduction to Milestone Project 1_ Food Vision Big™.en.srt  9.5 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/036 Saving and loading our trained CNN model.en.srt  9.4 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/009 Saving and loading our trained model.en.srt  9.4 KB
- 18 Appendix_ NumPy/016 Sorting Arrays.en.srt  9.4 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/021 Downloading and preparing data for our biggest experiment yet (Model 4).en.srt  9.3 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/030 Multi-class CNN's part 4_ Fitting a multi-class CNN model to the data.en.srt  9.3 KB
- 15 Appendix_ Machine Learning Primer/002 What is Machine Learning_.en.srt  9.3 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/010 Downloading a pretrained model to make and evaluate predictions with.en.srt  9.3 KB
- 04 Neural network classification in TensorFlow/020 Introducing more classification evaluation methods.en.srt  9.2 KB
- 04 Neural network classification in TensorFlow/003 Input and output tensors of classification problems.en.srt  9.2 KB
- 11 Milestone Project 2_ SkimLit/020 Discussing how we're going to build Model 4 (character + token embeddings).en.srt  9.1 KB
- 02 Deep Learning and TensorFlow Fundamentals/021 Changing the datatype of tensors.en.srt  9.0 KB
- 13 Passing the TensorFlow Developer Certificate Exam/002 What is the TensorFlow Developer Certification_.en.srt  8.8 KB
- 04 Neural network classification in TensorFlow/017 Using the TensorFlow History object to plot a model's loss curves.en.srt  8.7 KB
- 02 Deep Learning and TensorFlow Fundamentals/008 How to approach this course.en.srt  8.6 KB
- 03 Neural network regression with TensorFlow/015 Evaluating a TensorFlow regression model part 7 (mean absolute error).en.srt  8.5 KB
- 15 Appendix_ Machine Learning Primer/004 Exercise_ Machine Learning Playground.en.srt  8.5 KB
- 02 Deep Learning and TensorFlow Fundamentals/026 One-hot encoding tensors.en.srt  8.4 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/004 Example forecasting problems in daily life.en.srt  8.3 KB
- 01 Introduction/001 Course Outline.en.srt  8.3 KB
- 10 NLP Fundamentals in TensorFlow/007 Splitting data into training and validation sets.en.srt  8.2 KB
- 03 Neural network regression with TensorFlow/022 (Optional) How to save and download files from Google Colab.en.srt  8.1 KB
- 16 Appendix_ Machine Learning and Data Science Framework/009 Modelling - Splitting Data.en.srt  8.1 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/012 Unravelling our test dataset for comparing ground truth labels to predictions.en.srt  8.0 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/020 Discussing other non-TensorFlow kinds of time series forecasting models.en.srt  8.0 KB
- 03 Neural network regression with TensorFlow/006 Steps in improving a model with TensorFlow part 1.en.srt  7.9 KB
- 18 Appendix_ NumPy/003 NumPy Introduction.en.srt  7.9 KB
- 04 Neural network classification in TensorFlow/012 Non-linearity part 2_ Building our first neural network with non-linearity.en.srt  7.9 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/023 Breaking our CNN model down part 13_ Exploring options to improve our model.en.srt  7.8 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/003 Outlining the model we're going to build and building a ModelCheckpoint callback.en.srt  7.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/010 Visualizing our Bitcoin historical data with pandas.en.srt  7.7 KB
- 15 Appendix_ Machine Learning Primer/005 How Did We Get Here_.en.srt  7.6 KB
- 02 Deep Learning and TensorFlow Fundamentals/007 What we're going to cover throughout the course.en.srt  7.5 KB
- 02 Deep Learning and TensorFlow Fundamentals/028 Exploring TensorFlow and NumPy's compatibility.en.srt  7.4 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/057 Model 9_ Building, compiling and fitting a future predictions model.en.srt  7.4 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/024 Downloading a custom image to make predictions on.en.srt  7.3 KB
- 02 Deep Learning and TensorFlow Fundamentals/017 Manipulating tensors with basic operations.en.srt  7.2 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/049 Model 8_ Ensemble model overview.en.srt  7.2 KB
- 17 Appendix_ Pandas for Data Analysis/004 Pandas Introduction.en.srt  7.2 KB
- 16 Appendix_ Machine Learning and Data Science Framework/008 Features In Data.en.srt  7.1 KB
- 16 Appendix_ Machine Learning and Data Science Framework/004 6 Step Machine Learning Framework.en.srt  7.1 KB
- 02 Deep Learning and TensorFlow Fundamentals/001 What is deep learning_.en.srt  7.1 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/031 Multi-class CNN's part 5_ Evaluating our multi-class CNN model.en.srt  7.1 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/013 Confirming our model's predictions are in the same order as the test labels.en.srt  7.1 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/004 Becoming One With Data.en.srt  7.0 KB
- 04 Neural network classification in TensorFlow/031 Multi-class classification part 8_ Creating a confusion matrix.en.srt  7.0 KB
- 02 Deep Learning and TensorFlow Fundamentals/023 Tensor troubleshooting example (updating tensor datatypes).en.srt  6.9 KB
- 04 Neural network classification in TensorFlow/006 Checking the input and output shapes of our classification data.en.srt  6.8 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/006 Becoming One With Data Part 3.en.srt  6.8 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/002 Introduction to Milestone Project 3 (BitPredict) & where you can get help.en.srt  6.8 KB
- 16 Appendix_ Machine Learning and Data Science Framework/006 Types of Data.en.srt  6.7 KB
- 15 Appendix_ Machine Learning Primer/003 AI_Machine Learning_Data Science.en.srt  6.7 KB
- 02 Deep Learning and TensorFlow Fundamentals/027 Trying out more tensor math operations.en.srt  6.5 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/004 Creating a data augmentation layer to use with our model.en.srt  6.5 KB
- 15 Appendix_ Machine Learning Primer/009 What Is Machine Learning_ Round 2.en.srt  6.5 KB
- 16 Appendix_ Machine Learning and Data Science Framework/010 Modelling - Picking the Model.en.srt  6.5 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/034 Multi-class CNN's part 8_ Things you could do to improve your CNN model.en.srt  6.4 KB
- 16 Appendix_ Machine Learning and Data Science Framework/015 Tools We Will Use.en.srt  6.3 KB
- 04 Neural network classification in TensorFlow/021 Finding the accuracy of our classification model.en.srt  5.9 KB
- 15 Appendix_ Machine Learning Primer/006 Exercise_ YouTube Recommendation Engine.en.srt  5.9 KB
- 15 Appendix_ Machine Learning Primer/007 Types of Machine Learning.en.srt  5.7 KB
- 04 Neural network classification in TensorFlow/028 Multi-class classification part 5_ Comparing normalised and non-normalised data.en.srt  5.7 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/009 Drilling into the concept of a feature vector (a learned representation).en.srt  5.6 KB
- 18 Appendix_ NumPy/015 Comparison Operators.en.srt  5.5 KB
- 16 Appendix_ Machine Learning and Data Science Framework/014 Experimentation.en.srt  5.3 KB
- 16 Appendix_ Machine Learning and Data Science Framework/011 Modelling - Tuning.en.srt  5.3 KB
- 02 Deep Learning and TensorFlow Fundamentals/006 What is a Tensor_.en.srt  5.2 KB
- 16 Appendix_ Machine Learning and Data Science Framework/002 Section Overview.en.srt  5.0 KB
- 16 Appendix_ Machine Learning and Data Science Framework/007 Types of Evaluation.en.srt  4.7 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/006 What we're going to cover (broadly).en.srt  4.6 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/005 Comparing the TensorFlow Keras Sequential API versus the Functional API.en.srt  4.2 KB
- 09 Milestone Project 1_ Food Vision Big™/003 Getting helper functions ready.en.srt  4.1 KB
- 13 Passing the TensorFlow Developer Certificate Exam/006 What to do after the TensorFlow Developer Certification exam.en.srt  4.1 KB
- 03 Neural network regression with TensorFlow/016 Evaluating a TensorFlow regression model part 7 (mean square error).en.srt  4.1 KB
- 02 Deep Learning and TensorFlow Fundamentals/025 Squeezing a tensor (removing all 1-dimension axes).en.srt  4.0 KB
- 17 Appendix_ Pandas for Data Analysis/002 Section Overview.en.srt  3.8 KB
- 16 Appendix_ Machine Learning and Data Science Framework/003 Introducing Our Framework.en.srt  3.8 KB
- 01 Introduction/Bonus & Other Resources.txt  3.8 KB
- 19 BONUS SECTION/Bonus & Other Resources.txt  3.8 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/004 Discussing the four (actually five) modelling experiments we're running.en.srt  3.7 KB
- 01 Introduction/003 Exercise_ Meet The Community.html  3.7 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/026 Transfer Learning in TensorFlow Part 2 challenge, exercises and extra-curriculum.html  3.6 KB
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/037 TensorFlow computer vision and CNNs challenge, exercises & extra-curriculum.html  3.4 KB
- 01 Introduction/004 All Course Resources + Notebooks.html  3.4 KB
- 04 Neural network classification in TensorFlow/034 TensorFlow classification challenge, exercises & extra-curriculum.html  3.4 KB
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/011 TensorFlow Transfer Learning Part 1 challenge, exercises & extra-curriculum.html  3.4 KB
- 18 Appendix_ NumPy/002 Section Overview.en.srt  3.4 KB
- 01 Introduction/002 Join Our Online Classroom!.html  3.3 KB
- 09 Milestone Project 1_ Food Vision Big™/016 Milestone Project 1_ Food Vision Big™, exercises and extra-curriculum.html  3.2 KB
- 08 Transfer Learning with TensorFlow Part 3_ Scaling Up/023 Transfer Learning in TensorFlow Part 3 challenge, exercises and extra-curriculum.html  3.2 KB
- 10 NLP Fundamentals in TensorFlow/035 NLP Fundamentals in TensorFlow challenge, exercises and extra-curriculum.html  3.1 KB
- 18 Appendix_ NumPy/018 Assignment_ NumPy Practice.html  3.0 KB
- 17 Appendix_ Pandas for Data Analysis/013 Assignment_ Pandas Practice.html  2.9 KB
- 02 Deep Learning and TensorFlow Fundamentals/032 LinkedIn Endorsements.html  2.9 KB
- 07 Transfer Learning in TensorFlow Part 2_ Fine tuning/025 How to view and delete previous TensorBoard experiments.en.srt  2.9 KB
- 14 Where To Go From Here/002 LinkedIn Endorsements.html  2.9 KB
- 03 Neural network regression with TensorFlow/029 TensorFlow Regression challenge, exercises & extra-curriculum.html  2.9 KB
- 16 Appendix_ Machine Learning and Data Science Framework/013 Overfitting and Underfitting Definitions.html  2.9 KB
- 02 Deep Learning and TensorFlow Fundamentals/030 TensorFlow Fundamentals challenge, exercises & extra-curriculum.html  2.9 KB
- 09 Milestone Project 1_ Food Vision Big™/010 Note_ Mixed Precision producing errors for TensorFlow 2.5+.html  2.8 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/064 TensorFlow Time Series Fundamentals Challenge and Extra Resources.html  2.8 KB
- 13 Passing the TensorFlow Developer Certificate Exam/001 Get ready to be TensorFlow Developer Certified!.html  2.5 KB
- 11 Milestone Project 2_ SkimLit/036 Milestone Project 2 (SkimLit) challenge, exercises and extra-curriculum.html  2.5 KB
- 15 Appendix_ Machine Learning Primer/010 Section Review.en.srt  2.3 KB
- 12 Time Series fundamentals in TensorFlow + Milestone Project 3_ BitPredict/001 Welcome to time series fundamentals with TensorFlow + Milestone Project 3!.html  2.2 KB
- 18 Appendix_ NumPy/004 Quick Note_ Correction In Next Video.html  2.1 KB
- 19 BONUS SECTION/001 Special Bonus Lecture.html  2.0 KB
- 17 Appendix_ Pandas for Data Analysis/006 Data from URLs.html  1.9 KB
- 10 NLP Fundamentals in TensorFlow/001 Welcome to natural language processing with TensorFlow!.html  1.9 KB
- 18 Appendix_ NumPy/019 Optional_ Extra NumPy resources.html  1.9 KB
- 17 Appendix_ Pandas for Data Analysis/003 Downloading Workbooks and Assignments.html  1.8 KB
- 16 Appendix_ Machine Learning and Data Science Framework/016 Optional_ Elements of AI.html  1.8 KB
- 14 Where To Go From Here/001 Become An Alumni.html  1.8 KB
- 02 Deep Learning and TensorFlow Fundamentals/009 Need A Refresher_.html  1.8 KB
- 02 Deep Learning and TensorFlow Fundamentals/031 Python + Machine Learning Monthly.html  1.7 KB
- 15 Appendix_ Machine Learning Primer/001 Quick Note_ Upcoming Videos.html  1.6 KB
- 16 Appendix_ Machine Learning and Data Science Framework/001 Quick Note_ Upcoming Videos.html  1.6 KB
- 17 Appendix_ Pandas for Data Analysis/001 Quick Note_ Upcoming Videos.html  1.6 KB
- 18 Appendix_ NumPy/001 Quick Note_ Upcoming Videos.html  1.6 KB
- 14 Where To Go From Here/003 TensorFlow Certificate.html  1.3 KB
- 03 Neural network regression with TensorFlow/030 Learning Guideline.html  1.2 KB
- 18 Appendix_ NumPy/external-assets-links.txt  1.1 KB
- 15 Appendix_ Machine Learning Primer/008 Are You Getting It Yet_.html  1.0 KB
- 17 Appendix_ Pandas for Data Analysis/external-assets-links.txt  1.0 KB
- 17 Appendix_ Pandas for Data Analysis/391 car-sales.csv  369 bytes
- 17 Appendix_ Pandas for Data Analysis/393 car-sales-missing-data.csv  287 bytes
- 05 Computer Vision and Convolutional Neural Networks in TensorFlow/external-assets-links.txt  207 bytes
- 01 Introduction/external-assets-links.txt  186 bytes
- 15 Appendix_ Machine Learning Primer/external-assets-links.txt  149 bytes
- 04 Neural network classification in TensorFlow/external-assets-links.txt  135 bytes
- 03 Neural network regression with TensorFlow/external-assets-links.txt  130 bytes
- 06 Transfer Learning in TensorFlow Part 1_ Feature extraction/external-assets-links.txt  130 bytes
- 16 Appendix_ Machine Learning and Data Science Framework/external-assets-links.txt  108 bytes
- 02 Deep Learning and TensorFlow Fundamentals/external-assets-links.txt  94 bytes
 
    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.