[FreeCourseSite.com] Udemy - TensorFlow Developer Certificate in 2023 Zero to Mastery
File List
- 10 - NLP Fundamentals in TensorFlow/016 Visualising our model's learned word embeddings with TensorFlow's projector tool.mp4 292.3 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 255.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 242.5 MB
- 11 - Milestone Project 2 SkimLit/006 Writing a preprocessing function to structure our data for modelling.mp4 222.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 220.3 MB
- 10 - NLP Fundamentals in TensorFlow/015 Model 1 Building, fitting and evaluating our first deep model on text data.mp4 210.9 MB
- 10 - NLP Fundamentals in TensorFlow/009 Setting up a TensorFlow TextVectorization layer to convert text to numbers.mp4 203.5 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/019 Preparing Model 3 (our first fine-tuned model).mp4 201.4 MB
- 11 - Milestone Project 2 SkimLit/017 Creating a character-level tokeniser with TensorFlow's TextVectorization layer.mp4 198.1 MB
- 03 - Neural network regression with TensorFlow/012 Evaluating a TensorFlow model part 3 (getting a model summary).mp4 196.6 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/015 Breaking our CNN model down part 5 Looking inside a Conv2D layer.mp4 190.5 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 187.7 MB
- 03 - Neural network regression with TensorFlow/006 The major steps in modelling with TensorFlow.mp4 186.3 MB
- 11 - Milestone Project 2 SkimLit/021 Model 4 Building a multi-input model (hybrid token + character embeddings).mp4 186.1 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/051 Model 8 Making and evaluating predictions with our ensemble model.mp4 185.3 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/050 Model 8 Building, compiling and fitting an ensemble of models.mp4 182.6 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/003 Downloading and turning our images into a TensorFlow BatchDataset.mp4 175.5 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/018 Making predictions on our test images and evaluating them.mp4 173.4 MB
- 11 - Milestone Project 2 SkimLit/014 Model 1 Building, fitting and evaluating a Conv1D with token embeddings.mp4 170.8 MB
- 10 - NLP Fundamentals in TensorFlow/019 Model 3 Building, fitting and evaluating a GRU-cell powered RNN.mp4 170.8 MB
- 10 - NLP Fundamentals in TensorFlow/027 Fixing our data leakage issue with model 7 and retraining it.mp4 169.8 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 169.2 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 169.0 MB
- 10 - NLP Fundamentals in TensorFlow/020 Model 4 Building, fitting and evaluating a bidirectional RNN model.mp4 168.7 MB
- 10 - NLP Fundamentals in TensorFlow/018 Model 2 Building, fitting and evaluating our first TensorFlow RNN model (LSTM).mp4 167.4 MB
- 04 - Neural network classification in TensorFlow/009 Creating a function to view our model's not so good predictions.mp4 163.5 MB
- 10 - NLP Fundamentals in TensorFlow/006 Becoming one with the data and visualising a text dataset.mp4 162.9 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/014 Creating a confusion matrix for our model's 101 different classes.mp4 162.6 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/015 Building Model 2 (with a data augmentation layer and 10% of training data).mp4 161.1 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/020 Breaking our CNN model down part 10 Visualizing our augmented data.mp4 160.8 MB
- 03 - Neural network regression with TensorFlow/026 Putting together what we've learned part 3 (improving our regression model).mp4 156.9 MB
- 04 - Neural network classification in TensorFlow/019 Using callbacks to find a model's ideal learning rate.mp4 156.8 MB
- 11 - Milestone Project 2 SkimLit/029 Model 5 Completing the build of a tribrid embedding model for sequences.mp4 156.4 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/014 Building Model 1 (with a data augmentation layer and 1% of training data).mp4 156.1 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 155.1 MB
- 10 - NLP Fundamentals in TensorFlow/014 Creating a function to track and evaluate our model's results.mp4 151.7 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/045 Model 7 Getting ready for residual connections.mp4 150.5 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/008 Downloading and inspecting our Bitcoin historical dataset.mp4 150.3 MB
- 11 - Milestone Project 2 SkimLit/001 Introduction to Milestone Project 2 SkimLit.mp4 149.5 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/008 Getting a feature vector from our trained model.mp4 149.4 MB
- 04 - Neural network classification in TensorFlow/016 Non-linearity part 5 Replicating non-linear activation functions from scratch.mp4 149.0 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 147.3 MB
- 11 - Milestone Project 2 SkimLit/004 Setting up our notebook for Milestone Project 2 (getting the data).mp4 146.8 MB
- 03 - Neural network regression with TensorFlow/024 Putting together what we've learned part 1 (preparing a dataset).mp4 146.4 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/010 Comparing Our Model's Results.mp4 146.3 MB
- 04 - Neural network classification in TensorFlow/027 Multi-class classification part 3 Building a multi-class classification model.mp4 144.2 MB
- 13 - Passing the TensorFlow Developer Certificate Exam/005 How to prepare (your computer) for the TensorFlow Developer Certification.mp4 142.8 MB
- 11 - Milestone Project 2 SkimLit/024 Model 4 Building, fitting and evaluating a hybrid embedding model.mp4 141.7 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/005 Building and compiling a TensorFlow Hub feature extraction model.mp4 138.2 MB
- 04 - Neural network classification in TensorFlow/017 Getting great results in less time by tweaking the learning rate.mp4 137.9 MB
- 10 - NLP Fundamentals in TensorFlow/011 Creating an Embedding layer to turn tokenised text into embedding vectors.mp4 137.7 MB
- 11 - Milestone Project 2 SkimLit/035 Congratulations and your challenge before heading to the next module.mp4 137.1 MB
- 03 - Neural network regression with TensorFlow/009 Steps in improving a model with TensorFlow part 3.mp4 135.8 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/006 Creating our first model with the TensorFlow Keras Functional API.mp4 134.2 MB
- 02 - Deep Learning and TensorFlow Fundamentals/011 Creating your first tensors with TensorFlow and tf.constant().mp4 134.0 MB
- 09 - Milestone Project 1 Food Vision Big™/007 Batching and preparing our datasets (to make them run fast).mp4 133.6 MB
- 11 - Milestone Project 2 SkimLit/005 Visualising examples from the dataset (becoming one with the data).mp4 133.5 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/015 Evaluating every individual class in our dataset.mp4 133.4 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/002 Downloading and preparing data for our first transfer learning model.mp4 133.4 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/002 Getting helper functions ready and downloading data to model.mp4 132.7 MB
- 09 - Milestone Project 1 Food Vision Big™/006 Creating a preprocessing function to prepare our data for modelling.mp4 132.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 132.5 MB
- 10 - NLP Fundamentals in TensorFlow/031 Downloading a pretrained model and preparing data to investigate predictions.mp4 132.0 MB
- 11 - Milestone Project 2 SkimLit/019 Model 3 Building, fitting and evaluating a Conv1D model on character embeddings.mp4 132.0 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 131.6 MB
- 11 - Milestone Project 2 SkimLit/011 Creating a text vectoriser to map our tokens (text) to numbers.mp4 130.9 MB
- 03 - Neural network regression with TensorFlow/018 Setting up TensorFlow modelling experiments part 1 (start with a simple model).mp4 128.0 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/021 Plotting and visualising the samples our model got most wrong.mp4 128.0 MB
- 04 - Neural network classification in TensorFlow/034 What patterns is our model learning.mp4 127.5 MB
- 11 - Milestone Project 2 SkimLit/015 Preparing a pretrained embedding layer from TensorFlow Hub for Model 2.mp4 127.4 MB
- 04 - Neural network classification in TensorFlow/007 Building a not very good classification model with TensorFlow.mp4 127.2 MB
- 04 - Neural network classification in TensorFlow/014 Non-linearity part 3 Upgrading our non-linear model with more layers.mp4 125.9 MB
- 04 - Neural network classification in TensorFlow/011 Make our poor classification model work for a regression dataset.mp4 125.9 MB
- 10 - NLP Fundamentals in TensorFlow/002 Introduction to Natural Language Processing (NLP) and Sequence Problems.mp4 125.3 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 124.2 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 123.7 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/013 Visualizing what happens when images pass through our data augmentation layer.mp4 123.4 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 123.0 MB
- 03 - Neural network regression with TensorFlow/025 Putting together what we've learned part 2 (building a regression model).mp4 123.0 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/027 Creating a function to make predictions with our trained models.mp4 122.6 MB
- 10 - NLP Fundamentals in TensorFlow/021 Discussing the intuition behind Conv1D neural networks for text and sequences.mp4 121.4 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/036 Investigating how to turn our univariate time series into multivariate.mp4 121.3 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 121.1 MB
- 04 - Neural network classification in TensorFlow/031 Multi-class classification part 7 Evaluating our model.mp4 119.5 MB
- 11 - Milestone Project 2 SkimLit/008 Turning our target labels into numbers (ML models require numbers).mp4 118.8 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/011 Building a data augmentation layer to use inside our model.mp4 118.4 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/054 Plotting the prediction intervals of our ensemble model predictions.mp4 117.8 MB
- 10 - NLP Fundamentals in TensorFlow/028 Comparing all our modelling experiments evaluation metrics.mp4 117.4 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/008 Using a GPU to run our CNN model 5x faster.mp4 117.3 MB
- 09 - Milestone Project 1 Food Vision Big™/005 Exploring and becoming one with the data (Food101 from TensorFlow Datasets).mp4 116.6 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/055 (Optional) Discussing the types of uncertainty in machine learning.mp4 115.7 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/011 Making predictions with our trained model on 25,250 test samples.mp4 115.7 MB
- 04 - Neural network classification in TensorFlow/024 Making our confusion matrix prettier.mp4 115.0 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/016 Model 0 Making and visualizing a naive forecast model.mp4 114.8 MB
- 04 - Neural network classification in TensorFlow/028 Multi-class classification part 4 Improving performance with normalisation.mp4 114.6 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/052 Discussing the importance of prediction intervals in forecasting.mp4 114.6 MB
- 04 - Neural network classification in TensorFlow/004 Typical architecture of neural network classification models with TensorFlow.mp4 113.9 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/033 Preparing data for building a Conv1D model.mp4 113.8 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/009 Different Types of Transfer Learning.mp4 113.4 MB
- 11 - Milestone Project 2 SkimLit/026 Encoding the line number feature to used with Model 5.mp4 113.1 MB
- 10 - NLP Fundamentals in TensorFlow/034 Understanding the concept of the speedscore tradeoff.mp4 112.6 MB
- 02 - Deep Learning and TensorFlow Fundamentals/030 Making sure our tensor operations run really fast on GPUs.mp4 112.5 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 112.3 MB
- 10 - NLP Fundamentals in TensorFlow/029 Uploading our model's training logs to TensorBoard and comparing them.mp4 111.2 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/020 Writing code to uncover our model's most wrong predictions.mp4 110.9 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 110.3 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/012 Breaking our CNN model down part 2 Preparing to load our data.mp4 110.1 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/022 Making predictions on and plotting our own custom images.mp4 110.0 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 110.0 MB
- 09 - Milestone Project 1 Food Vision Big™/011 Turning on mixed precision training with TensorFlow.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.2 MB
- 11 - Milestone Project 2 SkimLit/030 Visually inspecting the architecture of our tribrid embedding model.mp4 109.1 MB
- 10 - NLP Fundamentals in TensorFlow/004 The typical architecture of a Recurrent Neural Network (RNN).mp4 108.9 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/010 Improving our non-CNN model by adding more layers.mp4 108.5 MB
- 09 - Milestone Project 1 Food Vision Big™/012 Creating a feature extraction model capable of using mixed precision training.mp4 108.4 MB
- 11 - Milestone Project 2 SkimLit/016 Model 2 Building, fitting and evaluating a Conv1D model with token embeddings.mp4 108.2 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 108.2 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/008 Building and training a pre-trained EfficientNet model on our data.mp4 108.1 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/025 Writing a helper function to load and preprocessing custom images.mp4 107.4 MB
- 04 - Neural network classification in TensorFlow/005 Creating and viewing classification data to model.mp4 107.2 MB
- 17 - Appendix Pandas for Data Analysis/009 Selecting and Viewing Data with Pandas Part 2.mp4 107.0 MB
- 02 - Deep Learning and TensorFlow Fundamentals/020 Matrix multiplication with tensors part 2.mp4 106.9 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/060 Model 9 Plotting our model's future forecasts.mp4 106.8 MB
- 03 - Neural network regression with TensorFlow/022 How to load and use a saved TensorFlow model.mp4 106.0 MB
- 10 - NLP Fundamentals in TensorFlow/030 Saving and loading in a trained NLP model with TensorFlow.mp4 105.9 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 105.5 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 105.3 MB
- 17 - Appendix Pandas for Data Analysis/010 Manipulating Data.mp4 105.2 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/013 Breaking our CNN model down part 3 Loading our data with ImageDataGenerator.mp4 105.1 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/011 Reading in our Bitcoin data with Python's CSV module.mp4 104.0 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/018 Implementing MASE with TensorFlow.mp4 103.5 MB
- 02 - Deep Learning and TensorFlow Fundamentals/019 Matrix multiplication with tensors part 1.mp4 103.3 MB
- 10 - NLP Fundamentals in TensorFlow/026 Model 7 Building, training and evaluating a transfer learning model on 10% data.mp4 102.4 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/009 Trying a non-CNN model on our image data.mp4 102.4 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/006 Blowing our previous models out of the water with transfer learning.mp4 101.7 MB
- 11 - Milestone Project 2 SkimLit/031 Creating multi-level data input pipelines for Model 5 with the tf.data API.mp4 101.5 MB
- 11 - Milestone Project 2 SkimLit/012 Creating a custom token embedding layer with TensorFlow.mp4 101.4 MB
- 02 - Deep Learning and TensorFlow Fundamentals/015 Creating tensors from NumPy arrays.mp4 101.2 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/026 Making a prediction on a custom image with our trained CNN.mp4 101.0 MB
- 13 - Passing the TensorFlow Developer Certificate Exam/004 How to prepare (your brain) for the TensorFlow Developer Certification.mp4 100.9 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/038 Preparing our multivariate time series for a model.mp4 100.8 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.4 MB
- 10 - NLP Fundamentals in TensorFlow/024 Model 6 Building, training and evaluating a transfer learning model for NLP.mp4 100.3 MB
- 09 - Milestone Project 1 Food Vision Big™/004 Introduction to TensorFlow Datasets (TFDS).mp4 99.4 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/017 Discussing some of the most common time series evaluation metrics.mp4 99.3 MB
- 10 - NLP Fundamentals in TensorFlow/010 Mapping the TextVectorization layer to text data and turning it into numbers.mp4 98.9 MB
- 04 - Neural network classification in TensorFlow/015 Non-linearity part 4 Modelling our non-linear data once and for all.mp4 98.7 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 98.2 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/024 Fine-tuning Model 4 on 100% of the training data and evaluating its results.mp4 98.0 MB
- 04 - Neural network classification in TensorFlow/012 Non-linearity part 1 Straight lines and non-straight lines.mp4 97.7 MB
- 02 - Deep Learning and TensorFlow Fundamentals/025 Finding the positional minimum and maximum of a tensor (argmin and argmax).mp4 97.7 MB
- 10 - NLP Fundamentals in TensorFlow/017 High-level overview of Recurrent Neural Networks (RNNs) + where to learn more.mp4 97.6 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/023 Preparing our final modelling experiment (Model 4).mp4 96.3 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/025 Comparing our modelling experiment results in TensorBoard.mp4 96.2 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 96.0 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/003 Introducing Callbacks in TensorFlow and making a callback to track our models.mp4 95.3 MB
- 10 - NLP Fundamentals in TensorFlow/013 Model 0 Building a baseline model to try and improve upon.mp4 95.1 MB
- 17 - Appendix Pandas for Data Analysis/005 Series, Data Frames and CSVs.mp4 94.6 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/032 Comparing our modelling experiments so far and discussing autocorrelation.mp4 93.9 MB
- 03 - Neural network regression with TensorFlow/027 Preprocessing data with feature scaling part 1 (what is feature scaling).mp4 93.6 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/061 Model 10 Introducing the turkey problem and making data for it.mp4 93.5 MB
- 03 - Neural network regression with TensorFlow/021 How to save a TensorFlow model.mp4 93.5 MB
- 03 - Neural network regression with TensorFlow/020 Comparing and tracking your TensorFlow modelling experiments.mp4 93.0 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/011 Breaking our CNN model down part 1 Becoming one with the data.mp4 92.2 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/029 Multi-class CNN's part 3 Building a multi-class CNN model.mp4 91.9 MB
- 03 - Neural network regression with TensorFlow/008 Steps in improving a model with TensorFlow part 2.mp4 91.6 MB
- 09 - Milestone Project 1 Food Vision Big™/015 Introducing your Milestone Project 1 challenge build a model to beat DeepFood.mp4 91.5 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/024 Turning our windowed time series data into training and test sets.mp4 91.5 MB
- 10 - NLP Fundamentals in TensorFlow/025 Preparing subsets of data for model 7 (same as model 6 but 10% of data).mp4 91.4 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/002 Importing a script full of helper functions (and saving lots of space).mp4 91.1 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/030 Adjusting the evaluation function to work for predictions with larger horizons.mp4 90.6 MB
- 18 - Appendix NumPy/014 Exercise Nut Butter Store Sales.mp4 90.5 MB
- 02 - Deep Learning and TensorFlow Fundamentals/014 Shuffling the order of tensors.mp4 90.4 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/005 Becoming One With Data Part 2.mp4 90.2 MB
- 02 - Deep Learning and TensorFlow Fundamentals/023 Tensor aggregation (finding the min, max, mean & more).mp4 90.2 MB
- 04 - Neural network classification in TensorFlow/020 Training and evaluating a model with an ideal learning rate.mp4 89.6 MB
- 03 - Neural network regression with TensorFlow/004 Creating sample regression data (so we can model it).mp4 89.4 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 89.2 MB
- 09 - Milestone Project 1 Food Vision Big™/013 Checking to see if our model is using mixed precision training layer by layer.mp4 89.1 MB
- 02 - Deep Learning and TensorFlow Fundamentals/013 Creating random tensors with TensorFlow.mp4 88.8 MB
- 11 - Milestone Project 2 SkimLit/022 Model 4 Plotting and visually exploring different data inputs.mp4 88.7 MB
- 10 - NLP Fundamentals in TensorFlow/012 Discussing the various modelling experiments we're going to run.mp4 88.2 MB
- 18 - Appendix NumPy/017 Turn Images Into NumPy Arrays.mp4 88.1 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/031 Model 3 Visualizing the results.mp4 88.0 MB
- 09 - Milestone Project 1 Food Vision Big™/002 Making sure we have access to the right GPU for mixed precision training.mp4 87.8 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/004 Exploring the TensorFlow Hub website for pretrained models.mp4 87.6 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/014 Breaking our CNN model down part 4 Building a baseline CNN model.mp4 87.4 MB
- 04 - Neural network classification in TensorFlow/025 Putting things together with multi-class classification part 1 Getting the data.mp4 87.3 MB
- 17 - Appendix Pandas for Data Analysis/011 Manipulating Data 2.mp4 86.9 MB
- 02 - Deep Learning and TensorFlow Fundamentals/016 Getting information from your tensors (tensor attributes).mp4 86.9 MB
- 02 - Deep Learning and TensorFlow Fundamentals/017 Indexing and expanding tensors.mp4 85.8 MB
- 11 - Milestone Project 2 SkimLit/010 Preparing our data for deep sequence models.mp4 85.4 MB
- 11 - Milestone Project 2 SkimLit/023 Crafting multi-input fast loading tf.data datasets for Model 4.mp4 85.4 MB
- 04 - Neural network classification in TensorFlow/008 Trying to improve our not very good classification model.mp4 85.2 MB
- 11 - Milestone Project 2 SkimLit/034 Saving, loading & testing our best performing model.mp4 85.1 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/021 Comparing our model's results before and after fine-tuning.mp4 84.8 MB
- 10 - NLP Fundamentals in TensorFlow/005 Preparing a notebook for our first NLP with TensorFlow project.mp4 83.2 MB
- 03 - Neural network regression with TensorFlow/028 Preprocessing data with feature scaling part 2 (normalising our data).mp4 83.2 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/039 Model 6 Building, fitting and evaluating a multivariate time series model.mp4 82.3 MB
- 11 - Milestone Project 2 SkimLit/028 Model 5 Building the foundations of a tribrid embedding model.mp4 82.2 MB
- 10 - NLP Fundamentals in TensorFlow/008 Converting text data to numbers using tokenisation and embeddings (overview).mp4 81.9 MB
- 11 - Milestone Project 2 SkimLit/009 Model 0 Creating, fitting and evaluating a baseline model for SkimLit.mp4 81.8 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/005 Creating a headless EfficientNetB0 model with data augmentation built in.mp4 81.4 MB
- 03 - Neural network regression with TensorFlow/011 Evaluating a TensorFlow model part 2 (the three datasets).mp4 81.3 MB
- 02 - Deep Learning and TensorFlow Fundamentals/021 Matrix multiplication with tensors part 3.mp4 80.5 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/059 Model 9 Creating a function to make forecasts into the future.mp4 80.3 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/010 Downloading a pretrained model to make and evaluate predictions with.mp4 80.2 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/007 Compiling and fitting our first Functional API model.mp4 80.1 MB
- 03 - Neural network regression with TensorFlow/014 Evaluating a TensorFlow model part 5 (visualising a model's predictions).mp4 79.5 MB
- 17 - Appendix Pandas for Data Analysis/012 Manipulating Data 3.mp4 78.9 MB
- 11 - Milestone Project 2 SkimLit/033 Comparing the performance of all of our modelling experiments.mp4 78.4 MB
- 11 - Milestone Project 2 SkimLit/013 Creating fast loading dataset with the TensorFlow tf.data API.mp4 78.0 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/005 What can be forecast.mp4 77.8 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/015 Discussing the various modelling experiments were going to be running.mp4 77.7 MB
- 01 - Introduction/002 Join Our Online Classroom!.mp4 77.6 MB
- 10 - NLP Fundamentals in TensorFlow/032 Visualising our model's most wrong predictions.mp4 77.3 MB
- 09 - Milestone Project 1 Food Vision Big™/014 Training and evaluating a feature extraction model (Food Vision Big™).mp4 76.9 MB
- 10 - NLP Fundamentals in TensorFlow/033 Making and visualising predictions on the test dataset.mp4 76.9 MB
- 03 - Neural network regression with TensorFlow/029 Preprocessing data with feature scaling part 3 (fitting a model on scaled data).mp4 76.8 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.6 MB
- 11 - Milestone Project 2 SkimLit/007 Performing visual data analysis on our preprocessed text.mp4 75.1 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/001 Introduction to Computer Vision with TensorFlow.mp4 74.9 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 74.6 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/003 Downloading an image dataset for our first Food Vision model.mp4 73.3 MB
- 02 - Deep Learning and TensorFlow Fundamentals/022 Changing the datatype of tensors.mp4 72.7 MB
- 18 - Appendix NumPy/013 Dot Product vs Element Wise.mp4 72.2 MB
- 11 - Milestone Project 2 SkimLit/002 What we're going to cover in Milestone Project 2 (NLP for medical abstracts).mp4 71.7 MB
- 02 - Deep Learning and TensorFlow Fundamentals/012 Creating tensors with TensorFlow and tf.Variable().mp4 71.5 MB
- 03 - Neural network regression with TensorFlow/013 Evaluating a TensorFlow model part 4 (visualising a model's layers).mp4 71.1 MB
- 03 - Neural network regression with TensorFlow/015 Evaluating a TensorFlow model part 6 (common regression evaluation metrics).mp4 70.9 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.9 MB
- 02 - Deep Learning and TensorFlow Fundamentals/024 Tensor troubleshooting example (updating tensor datatypes).mp4 70.7 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/036 Saving and loading our trained CNN model.mp4 70.5 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/053 Getting the upper and lower bounds of our prediction intervals.mp4 70.4 MB
- 18 - Appendix NumPy/009 Manipulating Arrays.mp4 70.4 MB
- 02 - Deep Learning and TensorFlow Fundamentals/006 What is and why use TensorFlow.mp4 69.4 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/017 Fitting and evaluating Model 2 (and saving its weights using ModelCheckpoint).mp4 69.3 MB
- 03 - Neural network regression with TensorFlow/023 (Optional) How to save and download files from Google Colab.mp4 69.1 MB
- 18 - Appendix NumPy/005 NumPy DataTypes and Attributes.mp4 69.1 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/016 Creating a ModelCheckpoint to save our model's weights during training.mp4 69.0 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/009 Different kinds of time series patterns & different amounts of feature variables.mp4 67.8 MB
- 17 - Appendix Pandas for Data Analysis/014 How To Download The Course Assignments.mp4 67.5 MB
- 03 - Neural network regression with TensorFlow/010 Evaluating a TensorFlow model part 1 (visualise, visualise, visualise).mp4 67.0 MB
- 18 - Appendix NumPy/010 Manipulating Arrays 2.mp4 66.9 MB
- 11 - Milestone Project 2 SkimLit/018 Creating a character-level embedding layer with tf.keras.layers.Embedding.mp4 66.3 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.3 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
- 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.7 MB
- 02 - Deep Learning and TensorFlow Fundamentals/003 What are neural networks.mp4 65.6 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/044 Model 7 Setting up hyperparameters for the N-BEATS algorithm.mp4 65.5 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/025 Creating a modelling checkpoint callback to save our best performing model.mp4 65.2 MB
- 17 - Appendix Pandas for Data Analysis/007 Describing Data with Pandas.mp4 65.0 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 64.9 MB
- 02 - Deep Learning and TensorFlow Fundamentals/005 What is deep learning already being used for.mp4 64.5 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/016 Plotting our model's F1-scores for each separate class.mp4 64.4 MB
- 11 - Milestone Project 2 SkimLit/027 Encoding the total lines feature to be used with Model 5.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 63.7 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.1 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/018 Loading and comparing saved weights to our existing trained Model 2.mp4 63.0 MB
- 04 - Neural network classification in TensorFlow/001 Introduction to neural network classification in TensorFlow.mp4 62.9 MB
- 04 - Neural network classification in TensorFlow/018 Using the TensorFlow History object to plot a model's loss curves.mp4 62.9 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/007 Plotting the loss curves of our ResNet feature extraction model.mp4 62.3 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/001 Introduction to Transfer Learning in TensorFlow Part 2 Fine-tuning.mp4 62.1 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 61.5 MB
- 02 - Deep Learning and TensorFlow Fundamentals/002 Why use deep learning.mp4 61.3 MB
- 18 - Appendix NumPy/008 Viewing Arrays and Matrices.mp4 61.1 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/027 Multi-class CNN's part 1 Becoming one with the data.mp4 61.1 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 61.0 MB
- 10 - NLP Fundamentals in TensorFlow/007 Splitting data into training and validation sets.mp4 60.6 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/020 Discussing other non-TensorFlow kinds of time series forecasting models.mp4 60.5 MB
- 01 - Introduction/001 Course Outline.mp4 60.4 MB
- 04 - Neural network classification in TensorFlow/013 Non-linearity part 2 Building our first neural network with non-linearity.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
- 09 - Milestone Project 1 Food Vision Big™/009 Creating modelling callbacks for our feature extraction model.mp4 60.3 MB
- 02 - Deep Learning and TensorFlow Fundamentals/027 One-hot encoding tensors.mp4 60.2 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/006 Fitting and evaluating our biggest transfer learning model yet.mp4 60.1 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/014 Creating a plotting function to visualize our time series data.mp4 59.5 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/020 Fitting and evaluating Model 3 (our first fine-tuned model).mp4 59.5 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/007 Building an end to end CNN Model.mp4 59.2 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/019 Discussing the benefits of finding your model's most wrong predictions.mp4 59.1 MB
- 04 - Neural network classification in TensorFlow/033 Multi-class classification part 9 Visualising random model predictions.mp4 58.9 MB
- 18 - Appendix NumPy/006 Creating NumPy Arrays.mp4 58.3 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/009 Saving and loading our trained model.mp4 57.9 MB
- 02 - Deep Learning and TensorFlow Fundamentals/028 Trying out more tensor math operations.mp4 57.2 MB
- 10 - NLP Fundamentals in TensorFlow/023 Using TensorFlow Hub for pretrained word embeddings (transfer learning for NLP).mp4 57.1 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/022 Downloading and preparing data for our biggest experiment yet (Model 4).mp4 56.6 MB
- 03 - Neural network regression with TensorFlow/016 Evaluating a TensorFlow regression model part 7 (mean absolute error).mp4 56.6 MB
- 04 - Neural network classification in TensorFlow/023 Creating our first confusion matrix (to see where our model is getting confused).mp4 56.4 MB
- 09 - Milestone Project 1 Food Vision Big™/008 Exploring what happens when we batch and prefetch our data.mp4 55.7 MB
- 11 - Milestone Project 2 SkimLit/003 SkimLit inputs and outputs.mp4 55.0 MB
- 10 - NLP Fundamentals in TensorFlow/022 Model 5 Building, fitting and evaluating a 1D CNN for text.mp4 54.2 MB
- 18 - Appendix NumPy/012 Reshape and Transpose.mp4 53.5 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/009 Drilling into the concept of a feature vector (a learned representation).mp4 53.3 MB
- 17 - Appendix Pandas for Data Analysis/008 Selecting and Viewing Data with Pandas.mp4 53.3 MB
- 13 - Passing the TensorFlow Developer Certificate Exam/003 Why the TensorFlow Developer Certification.mp4 53.2 MB
- 03 - Neural network regression with TensorFlow/003 Anatomy and architecture of a neural network regression model.mp4 51.9 MB
- 03 - Neural network regression with TensorFlow/001 Introduction to Neural Network Regression with TensorFlow.mp4 51.5 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.9 MB
- 03 - Neural network regression with TensorFlow/002 Inputs and outputs of a neural network regression model.mp4 50.3 MB
- 04 - Neural network classification in TensorFlow/026 Multi-class classification part 2 Becoming one with the data.mp4 48.8 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/013 Creating train and test splits for time series (the right way).mp4 47.9 MB
- 11 - Milestone Project 2 SkimLit/032 Bringing SkimLit to life!!! (fitting and evaluating Model 5).mp4 47.0 MB
- 13 - Passing the TensorFlow Developer Certificate Exam/002 What is the TensorFlow Developer Certification.mp4 46.9 MB
- 02 - Deep Learning and TensorFlow Fundamentals/018 Manipulating tensors with basic operations.mp4 45.9 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/004 Becoming One With Data.mp4 45.6 MB
- 03 - Neural network regression with TensorFlow/007 Steps in improving a model with TensorFlow part 1.mp4 45.5 MB
- 11 - Milestone Project 2 SkimLit/025 Model 5 Adding positional embeddings via feature engineering (overview).mp4 44.8 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/024 Downloading a custom image to make predictions on.mp4 44.4 MB
- 01 - Introduction/005 ZTM Resources.mp4 43.8 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 42.4 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/010 Visualizing our Bitcoin historical data with pandas.mp4 42.3 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/001 Introduction to Transfer Learning Part 3 Scaling Up.mp4 41.0 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 41.0 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/057 Model 9 Building, compiling and fitting a future predictions model.mp4 40.4 MB
- 04 - Neural network classification in TensorFlow/006 Checking the input and output shapes of our classification data.mp4 38.9 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/012 Unravelling our test dataset for comparing ground truth labels to predictions.mp4 38.1 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/049 Model 8 Ensemble model overview.mp4 38.0 MB
- 18 - Appendix NumPy/011 Standard Deviation and Variance.mp4 37.7 MB
- 15 - Appendix Machine Learning Primer/004 Exercise Machine Learning Playground.mp4 37.4 MB
- 18 - Appendix NumPy/007 NumPy Random Seed.mp4 37.3 MB
- 04 - Neural network classification in TensorFlow/021 Introducing more classification evaluation methods.mp4 36.9 MB
- 04 - Neural network classification in TensorFlow/030 Multi-class classification part 6 Finding the ideal learning rate.mp4 36.8 MB
- 02 - Deep Learning and TensorFlow Fundamentals/001 What is deep learning.mp4 36.3 MB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/004 Creating a data augmentation layer to use with our model.mp4 36.2 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 35.8 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/031 Multi-class CNN's part 5 Evaluating our multi-class CNN model.mp4 34.4 MB
- 04 - Neural network classification in TensorFlow/032 Multi-class classification part 8 Creating a confusion matrix.mp4 34.2 MB
- 04 - Neural network classification in TensorFlow/022 Finding the accuracy of our classification model.mp4 34.0 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/002 Introduction to Convolutional Neural Networks (CNNs) with TensorFlow.mp4 33.9 MB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/006 Becoming One With Data Part 3.mp4 33.8 MB
- 03 - Neural network regression with TensorFlow/019 Setting up TensorFlow modelling experiments part 2 (increasing complexity).mp4 33.5 MB
- 03 - Neural network regression with TensorFlow/017 Evaluating a TensorFlow regression model part 7 (mean square error).mp4 32.7 MB
- 15 - Appendix Machine Learning Primer/005 How Did We Get Here.mp4 31.7 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/001 What is and why use transfer learning.mp4 30.4 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/002 Introduction to Milestone Project 3 (BitPredict) & where you can get help.mp4 30.4 MB
- 02 - Deep Learning and TensorFlow Fundamentals/026 Squeezing a tensor (removing all 1-dimension axes).mp4 30.1 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/007 Time series forecasting inputs and outputs.mp4 29.2 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 29.2 MB
- 10 - NLP Fundamentals in TensorFlow/003 Example NLP inputs and outputs.mp4 27.7 MB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/012 Exercise Imposter Syndrome.mp4 27.4 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/004 Example forecasting problems in daily life.mp4 27.2 MB
- 16 - Appendix Machine Learning and Data Science Framework/005 Types of Machine Learning Problems.mp4 26.6 MB
- 09 - Milestone Project 1 Food Vision Big™/003 Getting helper functions ready.mp4 26.5 MB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/006 What we're going to cover (broadly).mp4 25.9 MB
- 18 - Appendix NumPy/016 Sorting Arrays.mp4 25.2 MB
- 02 - Deep Learning and TensorFlow Fundamentals/009 How to approach this course.mp4 24.9 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 24.1 MB
- 18 - Appendix NumPy/015 Comparison Operators.mp4 22.6 MB
- 16 - Appendix Machine Learning and Data Science Framework/006 Types of Data.mp4 20.6 MB
- 04 - Neural network classification in TensorFlow/002 Example classification problems (and their inputs and outputs).mp4 20.4 MB
- 15 - Appendix Machine Learning Primer/003 AIMachine LearningData Science.mp4 20.2 MB
- 02 - Deep Learning and TensorFlow Fundamentals/007 What is a Tensor.mp4 19.4 MB
- 04 - Neural network classification in TensorFlow/029 Multi-class classification part 5 Comparing normalised and non-normalised data.mp4 18.8 MB
- 04 - Neural network classification in TensorFlow/003 Input and output tensors of classification problems.mp4 18.7 MB
- 16 - Appendix Machine Learning and Data Science Framework/012 Modelling - Comparison.mp4 18.7 MB
- 15 - Appendix Machine Learning Primer/002 What is Machine Learning.mp4 18.6 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/026 How to view and delete previous TensorBoard experiments.mp4 18.5 MB
- 16 - Appendix Machine Learning and Data Science Framework/008 Features In Data.mp4 17.8 MB
- 13 - Passing the TensorFlow Developer Certificate Exam/006 What to do after the TensorFlow Developer Certification exam.mp4 17.1 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/005 Comparing the TensorFlow Keras Sequential API versus the Functional API.mp4 17.0 MB
- 02 - Deep Learning and TensorFlow Fundamentals/029 Exploring TensorFlow and NumPy's compatibility.mp4 16.6 MB
- 09 - Milestone Project 1 Food Vision Big™/001 Introduction to Milestone Project 1 Food Vision Big™.mp4 16.3 MB
- 02 - Deep Learning and TensorFlow Fundamentals/008 What we're going to cover throughout the course.mp4 14.4 MB
- 18 - Appendix NumPy/003 NumPy Introduction.mp4 14.0 MB
- 16 - Appendix Machine Learning and Data Science Framework/009 Modelling - Splitting Data.mp4 13.7 MB
- 16 - Appendix Machine Learning and Data Science Framework/015 Tools We Will Use.mp4 13.2 MB
- 18 - Appendix NumPy/002 Section Overview.mp4 12.8 MB
- 15 - Appendix Machine Learning Primer/009 What Is Machine Learning Round 2.mp4 12.2 MB
- 16 - Appendix Machine Learning and Data Science Framework/014 Experimentation.mp4 12.0 MB
- 17 - Appendix Pandas for Data Analysis/004 Pandas Introduction.mp4 11.4 MB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/004 Discussing the four (actually five) modelling experiments we're running.mp4 11.2 MB
- 16 - Appendix Machine Learning and Data Science Framework/004 6 Step Machine Learning Framework.mp4 10.3 MB
- 15 - Appendix Machine Learning Primer/007 Types of Machine Learning.mp4 9.8 MB
- 15 - Appendix Machine Learning Primer/006 Exercise YouTube Recommendation Engine.mp4 9.2 MB
- 16 - Appendix Machine Learning and Data Science Framework/010 Modelling - Picking the Model.mp4 8.9 MB
- 18 - Appendix NumPy/017 numpy-images.zip 7.3 MB
- 16 - Appendix Machine Learning and Data Science Framework/007 Types of Evaluation.mp4 6.7 MB
- 16 - Appendix Machine Learning and Data Science Framework/002 Section Overview.mp4 6.6 MB
- 16 - Appendix Machine Learning and Data Science Framework/011 Modelling - Tuning.mp4 6.3 MB
- 17 - Appendix Pandas for Data Analysis/002 Section Overview.mp4 5.3 MB
- 16 - Appendix Machine Learning and Data Science Framework/003 Introducing Our Framework.mp4 4.4 MB
- 15 - Appendix Machine Learning Primer/010 Section Review.mp4 2.8 MB
- 17 - Appendix Pandas for Data Analysis/005 pandas-anatomy-of-a-dataframe.png 333.2 KB
- 17 - Appendix Pandas for Data Analysis/011 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 31.4 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 30.1 KB
- 11 - Milestone Project 2 SkimLit/017 Creating a character-level tokeniser with TensorFlow's TextVectorization layer_en.srt 29.8 KB
- 10 - NLP Fundamentals in TensorFlow/016 Visualising our model's learned word embeddings with TensorFlow's projector tool_en.srt 29.7 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/050 Model 8 Building, compiling and fitting an ensemble of models_en.srt 28.8 KB
- 10 - NLP Fundamentals in TensorFlow/015 Model 1 Building, fitting and evaluating our first deep model on text data_en.srt 28.7 KB
- 10 - NLP Fundamentals in TensorFlow/020 Model 4 Building, fitting and evaluating a bidirectional RNN model_en.srt 27.2 KB
- 10 - NLP Fundamentals in TensorFlow/021 Discussing the intuition behind Conv1D neural networks for text and sequences_en.srt 26.9 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 26.5 KB
- 03 - Neural network regression with TensorFlow/006 The major steps in modelling with TensorFlow_en.srt 26.5 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 26.1 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/007 Building an end to end CNN Model_en.srt 26.0 KB
- 11 - Milestone Project 2 SkimLit/006 Writing a preprocessing function to structure our data for modelling_en.srt 26.0 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/019 Preparing Model 3 (our first fine-tuned model)_en.srt 25.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 25.7 KB
- 04 - Neural network classification in TensorFlow/019 Using callbacks to find a model's ideal learning rate_en.srt 24.9 KB
- 02 - Deep Learning and TensorFlow Fundamentals/011 Creating your first tensors with TensorFlow and tf.constant()_en.srt 24.7 KB
- 11 - Milestone Project 2 SkimLit/014 Model 1 Building, fitting and evaluating a Conv1D with token embeddings_en.srt 24.6 KB
- 10 - NLP Fundamentals in TensorFlow/018 Model 2 Building, fitting and evaluating our first TensorFlow RNN model (LSTM)_en.srt 24.6 KB
- 10 - NLP Fundamentals in TensorFlow/019 Model 3 Building, fitting and evaluating a GRU-cell powered RNN_en.srt 23.9 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/018 Making predictions on our test images and evaluating them_en.srt 23.5 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/015 Building Model 2 (with a data augmentation layer and 10% of training data)_en.srt 23.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 22.8 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/027 Multi-class CNN's part 1 Becoming one with the data_en.srt 22.7 KB
- 11 - Milestone Project 2 SkimLit/021 Model 4 Building a multi-input model (hybrid token + character embeddings)_en.srt 22.6 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/051 Model 8 Making and evaluating predictions with our ensemble model_en.srt 22.4 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/014 Building Model 1 (with a data augmentation layer and 1% of training data)_en.srt 22.4 KB
- 09 - Milestone Project 1 Food Vision Big™/005 Exploring and becoming one with the data (Food101 from TensorFlow Datasets)_en.srt 22.3 KB
- 10 - NLP Fundamentals in TensorFlow/006 Becoming one with the data and visualising a text dataset_en.srt 22.2 KB
- 10 - NLP Fundamentals in TensorFlow/009 Setting up a TensorFlow TextVectorization layer to convert text to numbers_en.srt 22.2 KB
- 11 - Milestone Project 2 SkimLit/001 Introduction to Milestone Project 2 SkimLit_en.srt 22.0 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/003 Downloading and turning our images into a TensorFlow BatchDataset_en.srt 22.0 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 21.7 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 21.6 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/010 Comparing Our Model's Results_en.srt 21.6 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/020 Breaking our CNN model down part 10 Visualizing our augmented data_en.srt 21.5 KB
- 03 - Neural network regression with TensorFlow/012 Evaluating a TensorFlow model part 3 (getting a model summary)_en.srt 21.5 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/008 Downloading and inspecting our Bitcoin historical dataset_en.srt 21.4 KB
- 04 - Neural network classification in TensorFlow/027 Multi-class classification part 3 Building a multi-class classification model_en.srt 21.1 KB
- 04 - Neural network classification in TensorFlow/034 What patterns is our model learning_en.srt 20.8 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 20.6 KB
- 13 - Passing the TensorFlow Developer Certificate Exam/005 How to prepare (your computer) for the TensorFlow Developer Certification_en.srt 20.5 KB
- 10 - NLP Fundamentals in TensorFlow/002 Introduction to Natural Language Processing (NLP) and Sequence Problems_en.srt 20.2 KB
- 18 - Appendix NumPy/005 NumPy DataTypes and Attributes_en.srt 20.0 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/027 Creating a function to make predictions with our trained models_en.srt 19.7 KB
- 11 - Milestone Project 2 SkimLit/004 Setting up our notebook for Milestone Project 2 (getting the data)_en.srt 19.7 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 19.6 KB
- 10 - NLP Fundamentals in TensorFlow/023 Using TensorFlow Hub for pretrained word embeddings (transfer learning for NLP)_en.srt 19.5 KB
- 04 - Neural network classification in TensorFlow/017 Getting great results in less time by tweaking the learning rate_en.srt 19.4 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/015 Evaluating every individual class in our dataset_en.srt 19.3 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 19.3 KB
- 09 - Milestone Project 1 Food Vision Big™/007 Batching and preparing our datasets (to make them run fast)_en.srt 19.2 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 19.2 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.1 KB
- 11 - Milestone Project 2 SkimLit/011 Creating a text vectoriser to map our tokens (text) to numbers_en.srt 19.0 KB
- 04 - Neural network classification in TensorFlow/009 Creating a function to view our model's not so good predictions_en.srt 19.0 KB
- 11 - Milestone Project 2 SkimLit/019 Model 3 Building, fitting and evaluating a Conv1D model on character embeddings_en.srt 19.0 KB
- 17 - Appendix Pandas for Data Analysis/009 Selecting and Viewing Data with Pandas Part 2_en.srt 19.0 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/005 Building and compiling a TensorFlow Hub feature extraction model_en.srt 18.9 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 18.9 KB
- 09 - Milestone Project 1 Food Vision Big™/006 Creating a preprocessing function to prepare our data for modelling_en.srt 18.8 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 18.8 KB
- 11 - Milestone Project 2 SkimLit/008 Turning our target labels into numbers (ML models require numbers)_en.srt 18.8 KB
- 03 - Neural network regression with TensorFlow/026 Putting together what we've learned part 3 (improving our regression model)_en.srt 18.8 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/033 Preparing data for building a Conv1D model_en.srt 18.7 KB
- 03 - Neural network regression with TensorFlow/024 Putting together what we've learned part 1 (preparing a dataset)_en.srt 18.7 KB
- 10 - NLP Fundamentals in TensorFlow/034 Understanding the concept of the speedscore tradeoff_en.srt 18.7 KB
- 11 - Milestone Project 2 SkimLit/024 Model 4 Building, fitting and evaluating a hybrid embedding model_en.srt 18.6 KB
- 17 - Appendix Pandas for Data Analysis/010 Manipulating Data_en.srt 18.6 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/055 (Optional) Discussing the types of uncertainty in machine learning_en.srt 18.5 KB
- 17 - Appendix Pandas for Data Analysis/005 Series, Data Frames and CSVs_en.srt 18.4 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 18.3 KB
- 04 - Neural network classification in TensorFlow/016 Non-linearity part 5 Replicating non-linear activation functions from scratch_en.srt 18.3 KB
- 04 - Neural network classification in TensorFlow/024 Making our confusion matrix prettier_en.srt 18.3 KB
- 11 - Milestone Project 2 SkimLit/029 Model 5 Completing the build of a tribrid embedding model for sequences_en.srt 18.1 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/002 Downloading and preparing data for our first transfer learning model_en.srt 18.1 KB
- 11 - Milestone Project 2 SkimLit/003 SkimLit inputs and outputs_en.srt 18.1 KB
- 03 - Neural network regression with TensorFlow/025 Putting together what we've learned part 2 (building a regression model)_en.srt 18.0 KB
- 10 - NLP Fundamentals in TensorFlow/011 Creating an Embedding layer to turn tokenised text into embedding vectors_en.srt 17.9 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/036 Investigating how to turn our univariate time series into multivariate_en.srt 17.9 KB
- 10 - NLP Fundamentals in TensorFlow/028 Comparing all our modelling experiments evaluation metrics_en.srt 17.9 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/008 Getting a feature vector from our trained model_en.srt 17.7 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/002 Getting helper functions ready and downloading data to model_en.srt 17.7 KB
- 09 - Milestone Project 1 Food Vision Big™/004 Introduction to TensorFlow Datasets (TFDS)_en.srt 17.6 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/038 Preparing our multivariate time series for a model_en.srt 17.5 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/014 Creating a confusion matrix for our model's 101 different classes_en.srt 17.5 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/054 Plotting the prediction intervals of our ensemble model predictions_en.srt 17.5 KB
- 03 - Neural network regression with TensorFlow/018 Setting up TensorFlow modelling experiments part 1 (start with a simple model)_en.srt 17.4 KB
- 09 - Milestone Project 1 Food Vision Big™/012 Creating a feature extraction model capable of using mixed precision training_en.srt 17.4 KB
- 18 - Appendix NumPy/014 Exercise Nut Butter Store Sales_en.srt 17.4 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/016 Model 0 Making and visualizing a naive forecast model_en.srt 17.4 KB
- 02 - Deep Learning and TensorFlow Fundamentals/020 Matrix multiplication with tensors part 2_en.srt 17.4 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/060 Model 9 Plotting our model's future forecasts_en.srt 17.3 KB
- 10 - NLP Fundamentals in TensorFlow/027 Fixing our data leakage issue with model 7 and retraining it_en.srt 17.3 KB
- 11 - Milestone Project 2 SkimLit/035 Congratulations and your challenge before heading to the next module_en.srt 17.2 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/045 Model 7 Getting ready for residual connections_en.srt 17.2 KB
- 11 - Milestone Project 2 SkimLit/005 Visualising examples from the dataset (becoming one with the data)_en.srt 17.2 KB
- 18 - Appendix NumPy/009 Manipulating Arrays_en.srt 17.1 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.1 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/020 Writing code to uncover our model's most wrong predictions_en.srt 17.0 KB
- 02 - Deep Learning and TensorFlow Fundamentals/016 Getting information from your tensors (tensor attributes)_en.srt 17.0 KB
- 04 - Neural network classification in TensorFlow/031 Multi-class classification part 7 Evaluating our model_en.srt 17.0 KB
- 02 - Deep Learning and TensorFlow Fundamentals/017 Indexing and expanding tensors_en.srt 17.0 KB
- 03 - Neural network regression with TensorFlow/009 Steps in improving a model with TensorFlow part 3_en.srt 16.8 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/052 Discussing the importance of prediction intervals in forecasting_en.srt 16.8 KB
- 04 - Neural network classification in TensorFlow/011 Make our poor classification model work for a regression dataset_en.srt 16.8 KB
- 10 - NLP Fundamentals in TensorFlow/014 Creating a function to track and evaluate our model's results_en.srt 16.7 KB
- 11 - Milestone Project 2 SkimLit/026 Encoding the line number feature to used with Model 5_en.srt 16.7 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 16.6 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 16.5 KB
- 10 - NLP Fundamentals in TensorFlow/031 Downloading a pretrained model and preparing data to investigate predictions_en.srt 16.5 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 16.4 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 16.3 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/017 Discussing some of the most common time series evaluation metrics_en.srt 16.3 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.2 KB
- 04 - Neural network classification in TensorFlow/028 Multi-class classification part 4 Improving performance with normalisation_en.srt 16.2 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/011 Building a data augmentation layer to use inside our model_en.srt 16.2 KB
- 03 - Neural network regression with TensorFlow/004 Creating sample regression data (so we can model it)_en.srt 16.1 KB
- 11 - Milestone Project 2 SkimLit/016 Model 2 Building, fitting and evaluating a Conv1D model with token embeddings_en.srt 16.1 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/013 Visualizing what happens when images pass through our data augmentation layer_en.srt 16.1 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/005 Becoming One With Data Part 2_en.srt 16.1 KB
- 04 - Neural network classification in TensorFlow/007 Building a not very good classification model with TensorFlow_en.srt 16.0 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/001 What is and why use transfer learning_en.srt 15.9 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/011 Reading in our Bitcoin data with Python's CSV module_en.srt 15.9 KB
- 10 - NLP Fundamentals in TensorFlow/010 Mapping the TextVectorization layer to text data and turning it into numbers_en.srt 15.9 KB
- 18 - Appendix NumPy/013 Dot Product vs Element Wise_en.srt 15.9 KB
- 03 - Neural network regression with TensorFlow/019 Setting up TensorFlow modelling experiments part 2 (increasing complexity)_en.srt 15.9 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/006 Creating our first model with the TensorFlow Keras Functional API_en.srt 15.8 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 15.8 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/017 Creating a function to load and prepare images for making predictions_en.srt 15.8 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/007 Compiling and fitting our first Functional API model_en.srt 15.8 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/025 Comparing our modelling experiment results in TensorBoard_en.srt 15.7 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/009 Different Types of Transfer Learning_en.srt 15.7 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/007 Time series forecasting inputs and outputs_en.srt 15.5 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/026 Making a prediction on a custom image with our trained CNN_en.srt 15.5 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/021 Plotting and visualising the samples our model got most wrong_en.srt 15.5 KB
- 10 - NLP Fundamentals in TensorFlow/029 Uploading our model's training logs to TensorBoard and comparing them_en.srt 15.3 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.3 KB
- 17 - Appendix Pandas for Data Analysis/008 Selecting and Viewing Data with Pandas_en.srt 15.2 KB
- 02 - Deep Learning and TensorFlow Fundamentals/019 Matrix multiplication with tensors part 1_en.srt 15.2 KB
- 10 - NLP Fundamentals in TensorFlow/024 Model 6 Building, training and evaluating a transfer learning model for NLP_en.srt 15.1 KB
- 02 - Deep Learning and TensorFlow Fundamentals/015 Creating tensors from NumPy arrays_en.srt 15.0 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/001 Introduction to Computer Vision with TensorFlow_en.srt 15.0 KB
- 11 - Milestone Project 2 SkimLit/015 Preparing a pretrained embedding layer from TensorFlow Hub for Model 2_en.srt 15.0 KB
- 04 - Neural network classification in TensorFlow/030 Multi-class classification part 6 Finding the ideal learning rate_en.srt 14.9 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/023 Preparing our final modelling experiment (Model 4)_en.srt 14.9 KB
- 11 - Milestone Project 2 SkimLit/032 Bringing SkimLit to life!!! (fitting and evaluating Model 5)_en.srt 14.9 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/024 Fine-tuning Model 4 on 100% of the training data and evaluating its results_en.srt 14.9 KB
- 10 - NLP Fundamentals in TensorFlow/022 Model 5 Building, fitting and evaluating a 1D CNN for text_en.srt 14.8 KB
- 17 - Appendix Pandas for Data Analysis/011 Manipulating Data 2_en.srt 14.8 KB
- 02 - Deep Learning and TensorFlow Fundamentals/003 What are neural networks_en.srt 14.7 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/004 Exploring the TensorFlow Hub website for pretrained models_en.srt 14.7 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/022 Making predictions on and plotting our own custom images_en.srt 14.6 KB
- 04 - Neural network classification in TensorFlow/004 Typical architecture of neural network classification models with TensorFlow_en.srt 14.6 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 14.5 KB
- 16 - Appendix Machine Learning and Data Science Framework/005 Types of Machine Learning Problems_en.srt 14.5 KB
- 02 - Deep Learning and TensorFlow Fundamentals/030 Making sure our tensor operations run really fast on GPUs_en.srt 14.5 KB
- 04 - Neural network classification in TensorFlow/005 Creating and viewing classification data to model_en.srt 14.4 KB
- 04 - Neural network classification in TensorFlow/014 Non-linearity part 3 Upgrading our non-linear model with more layers_en.srt 14.3 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.3 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.3 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.3 KB
- 17 - Appendix Pandas for Data Analysis/007 Describing Data with Pandas_en.srt 14.2 KB
- 02 - Deep Learning and TensorFlow Fundamentals/002 Why use deep learning_en.srt 14.2 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/032 Comparing our modelling experiments so far and discussing autocorrelation_en.srt 14.2 KB
- 09 - Milestone Project 1 Food Vision Big™/014 Training and evaluating a feature extraction model (Food Vision Big™)_en.srt 14.1 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.1 KB
- 03 - Neural network regression with TensorFlow/011 Evaluating a TensorFlow model part 2 (the three datasets)_en.srt 14.1 KB
- 17 - Appendix Pandas for Data Analysis/012 Manipulating Data 3_en.srt 14.0 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/010 Improving our non-CNN model by adding more layers_en.srt 14.0 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.0 KB
- 03 - Neural network regression with TensorFlow/028 Preprocessing data with feature scaling part 2 (normalising our data)_en.srt 13.9 KB
- 09 - Milestone Project 1 Food Vision Big™/011 Turning on mixed precision training with TensorFlow_en.srt 13.9 KB
- 03 - Neural network regression with TensorFlow/027 Preprocessing data with feature scaling part 1 (what is feature scaling)_en.srt 13.9 KB
- 18 - Appendix NumPy/008 Viewing Arrays and Matrices_en.srt 13.9 KB
- 11 - Milestone Project 2 SkimLit/030 Visually inspecting the architecture of our tribrid embedding model_en.srt 13.8 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/021 Comparing our model's results before and after fine-tuning_en.srt 13.8 KB
- 04 - Neural network classification in TensorFlow/012 Non-linearity part 1 Straight lines and non-straight lines_en.srt 13.8 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/015 Discussing the various modelling experiments were going to be running_en.srt 13.8 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 13.8 KB
- 10 - NLP Fundamentals in TensorFlow/012 Discussing the various modelling experiments we're going to run_en.srt 13.8 KB
- 04 - Neural network classification in TensorFlow/025 Putting things together with multi-class classification part 1 Getting the data_en.srt 13.8 KB
- 10 - NLP Fundamentals in TensorFlow/017 High-level overview of Recurrent Neural Networks (RNNs) + where to learn more_en.srt 13.8 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 13.8 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/025 Writing a helper function to load and preprocessing custom images_en.srt 13.7 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/006 Blowing our previous models out of the water with transfer learning_en.srt 13.7 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 13.6 KB
- 10 - NLP Fundamentals in TensorFlow/030 Saving and loading in a trained NLP model with TensorFlow_en.srt 13.5 KB
- 04 - Neural network classification in TensorFlow/033 Multi-class classification part 9 Visualising random model predictions_en.srt 13.5 KB
- 02 - Deep Learning and TensorFlow Fundamentals/005 What is deep learning already being used for_en.srt 13.5 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 13.5 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/005 Creating a headless EfficientNetB0 model with data augmentation built in_en.srt 13.5 KB
- 10 - NLP Fundamentals in TensorFlow/004 The typical architecture of a Recurrent Neural Network (RNN)_en.srt 13.4 KB
- 16 - Appendix Machine Learning and Data Science Framework/012 Modelling - Comparison_en.srt 13.3 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.3 KB
- 02 - Deep Learning and TensorFlow Fundamentals/021 Matrix multiplication with tensors part 3_en.srt 13.3 KB
- 03 - Neural network regression with TensorFlow/020 Comparing and tracking your TensorFlow modelling experiments_en.srt 13.2 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.1 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/005 What can be forecast_en.srt 13.1 KB
- 03 - Neural network regression with TensorFlow/002 Inputs and outputs of a neural network regression model_en.srt 13.1 KB
- 03 - Neural network regression with TensorFlow/008 Steps in improving a model with TensorFlow part 2_en.srt 13.1 KB
- 10 - NLP Fundamentals in TensorFlow/008 Converting text data to numbers using tokenisation and embeddings (overview)_en.srt 13.1 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/008 Using a GPU to run our CNN model 5x faster_en.srt 13.1 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.0 KB
- 02 - Deep Learning and TensorFlow Fundamentals/013 Creating random tensors with TensorFlow_en.srt 13.0 KB
- 13 - Passing the TensorFlow Developer Certificate Exam/004 How to prepare (your brain) for the TensorFlow Developer Certification_en.srt 13.0 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.0 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.0 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.0 KB
- 11 - Milestone Project 2 SkimLit/010 Preparing our data for deep sequence models_en.srt 13.0 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/031 Model 3 Visualizing the results_en.srt 12.9 KB
- 02 - Deep Learning and TensorFlow Fundamentals/023 Tensor aggregation (finding the min, max, mean & more)_en.srt 12.9 KB
- 10 - NLP Fundamentals in TensorFlow/026 Model 7 Building, training and evaluating a transfer learning model on 10% data_en.srt 12.9 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/018 Implementing MASE with TensorFlow_en.srt 12.9 KB
- 03 - Neural network regression with TensorFlow/022 How to load and use a saved TensorFlow model_en.srt 12.8 KB
- 11 - Milestone Project 2 SkimLit/013 Creating fast loading dataset with the TensorFlow tf.data API_en.srt 12.8 KB
- 04 - Neural network classification in TensorFlow/001 Introduction to neural network classification in TensorFlow_en.srt 12.8 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 12.7 KB
- 04 - Neural network classification in TensorFlow/008 Trying to improve our not very good classification model_en.srt 12.7 KB
- 11 - Milestone Project 2 SkimLit/012 Creating a custom token embedding layer with TensorFlow_en.srt 12.6 KB
- 02 - Deep Learning and TensorFlow Fundamentals/014 Shuffling the order of tensors_en.srt 12.6 KB
- 10 - NLP Fundamentals in TensorFlow/013 Model 0 Building a baseline model to try and improve upon_en.srt 12.6 KB
- 18 - Appendix NumPy/006 Creating NumPy Arrays_en.srt 12.5 KB
- 11 - Milestone Project 2 SkimLit/033 Comparing the performance of all of our modelling experiments_en.srt 12.4 KB
- 02 - Deep Learning and TensorFlow Fundamentals/025 Finding the positional minimum and maximum of a tensor (argmin and argmax)_en.srt 12.4 KB
- 11 - Milestone Project 2 SkimLit/022 Model 4 Plotting and visually exploring different data inputs_en.srt 12.3 KB
- 10 - NLP Fundamentals in TensorFlow/032 Visualising our model's most wrong predictions_en.srt 12.3 KB
- 03 - Neural network regression with TensorFlow/003 Anatomy and architecture of a neural network regression model_en.srt 12.3 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/002 Introduction to Convolutional Neural Networks (CNNs) with TensorFlow_en.srt 12.1 KB
- 18 - Appendix NumPy/010 Manipulating Arrays 2_en.srt 12.0 KB
- 04 - Neural network classification in TensorFlow/015 Non-linearity part 4 Modelling our non-linear data once and for all_en.srt 12.0 KB
- 03 - Neural network regression with TensorFlow/014 Evaluating a TensorFlow model part 5 (visualising a model's predictions)_en.srt 11.9 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 11.9 KB
- 04 - Neural network classification in TensorFlow/020 Training and evaluating a model with an ideal learning rate_en.srt 11.9 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/008 Fine-tuning our feature extraction model and evaluating its performance_en.srt 11.9 KB
- 11 - Milestone Project 2 SkimLit/002 What we're going to cover in Milestone Project 2 (NLP for medical abstracts)_en.srt 11.9 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 11.9 KB
- 02 - Deep Learning and TensorFlow Fundamentals/006 What is and why use TensorFlow_en.srt 11.7 KB
- 10 - NLP Fundamentals in TensorFlow/005 Preparing a notebook for our first NLP with TensorFlow project_en.srt 11.7 KB
- 10 - NLP Fundamentals in TensorFlow/003 Example NLP inputs and outputs_en.srt 11.7 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/009 Trying a non-CNN model on our image data_en.srt 11.6 KB
- 10 - NLP Fundamentals in TensorFlow/033 Making and visualising predictions on the test dataset_en.srt 11.6 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 11.6 KB
- 04 - Neural network classification in TensorFlow/023 Creating our first confusion matrix (to see where our model is getting confused)_en.srt 11.5 KB
- 11 - Milestone Project 2 SkimLit/009 Model 0 Creating, fitting and evaluating a baseline model for SkimLit_en.srt 11.5 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.5 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/006 Fitting and evaluating our biggest transfer learning model yet_en.srt 11.4 KB
- 11 - Milestone Project 2 SkimLit/028 Model 5 Building the foundations of a tribrid embedding model_en.srt 11.4 KB
- 03 - Neural network regression with TensorFlow/001 Introduction to Neural Network Regression with TensorFlow_en.srt 11.4 KB
- 03 - Neural network regression with TensorFlow/021 How to save a TensorFlow model_en.srt 11.4 KB
- 13 - Passing the TensorFlow Developer Certificate Exam/003 Why the TensorFlow Developer Certification_en.srt 11.4 KB
- 17 - Appendix Pandas for Data Analysis/014 How To Download The Course Assignments_en.srt 11.2 KB
- 09 - Milestone Project 1 Food Vision Big™/015 Introducing your Milestone Project 1 challenge build a model to beat DeepFood_en.srt 11.2 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.2 KB
- 03 - Neural network regression with TensorFlow/015 Evaluating a TensorFlow model part 6 (common regression evaluation metrics)_en.srt 11.2 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.1 KB
- 03 - Neural network regression with TensorFlow/029 Preprocessing data with feature scaling part 3 (fitting a model on scaled data)_en.srt 11.0 KB
- 11 - Milestone Project 2 SkimLit/023 Crafting multi-input fast loading tf.data datasets for Model 4_en.srt 10.9 KB
- 11 - Milestone Project 2 SkimLit/007 Performing visual data analysis on our preprocessed text_en.srt 10.9 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/007 Plotting the loss curves of our ResNet feature extraction model_en.srt 10.8 KB
- 11 - Milestone Project 2 SkimLit/031 Creating multi-level data input pipelines for Model 5 with the tf.data API_en.srt 10.7 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/016 Creating a ModelCheckpoint to save our model's weights during training_en.srt 10.7 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/016 Plotting our model's F1-scores for each separate class_en.srt 10.7 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 10.7 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 10.7 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 10.6 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/020 Fitting and evaluating Model 3 (our first fine-tuned model)_en.srt 10.6 KB
- 18 - Appendix NumPy/017 Turn Images Into NumPy Arrays_en.srt 10.6 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.5 KB
- 18 - Appendix NumPy/007 NumPy Random Seed_en.srt 10.4 KB
- 11 - Milestone Project 2 SkimLit/018 Creating a character-level embedding layer with tf.keras.layers.Embedding_en.srt 10.4 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.4 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/003 Downloading an image dataset for our first Food Vision model_en.srt 10.3 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.3 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.3 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.3 KB
- 11 - Milestone Project 2 SkimLit/025 Model 5 Adding positional embeddings via feature engineering (overview)_en.srt 10.2 KB
- 11 - Milestone Project 2 SkimLit/027 Encoding the total lines feature to be used with Model 5_en.srt 10.1 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/001 Introduction to Transfer Learning Part 3 Scaling Up_en.srt 10.1 KB
- 11 - Milestone Project 2 SkimLit/034 Saving, loading & testing our best performing model_en.srt 10.0 KB
- 04 - Neural network classification in TensorFlow/026 Multi-class classification part 2 Becoming one with the data_en.srt 10.0 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.0 KB
- 02 - Deep Learning and TensorFlow Fundamentals/012 Creating tensors with TensorFlow and tf.Variable()_en.srt 9.9 KB
- 04 - Neural network classification in TensorFlow/002 Example classification problems (and their inputs and outputs)_en.srt 9.9 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 9.9 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/017 Fitting and evaluating Model 2 (and saving its weights using ModelCheckpoint)_en.srt 9.8 KB
- 09 - Milestone Project 1 Food Vision Big™/009 Creating modelling callbacks for our feature extraction model_en.srt 9.8 KB
- 18 - Appendix NumPy/011 Standard Deviation and Variance_en.srt 9.8 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/001 Introduction to Transfer Learning in TensorFlow Part 2 Fine-tuning_en.srt 9.8 KB
- 03 - Neural network regression with TensorFlow/010 Evaluating a TensorFlow model part 1 (visualise, visualise, visualise)_en.srt 9.8 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 9.8 KB
- 18 - Appendix NumPy/012 Reshape and Transpose_en.srt 9.7 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/018 Loading and comparing saved weights to our existing trained Model 2_en.srt 9.6 KB
- 09 - Milestone Project 1 Food Vision Big™/008 Exploring what happens when we batch and prefetch our data_en.srt 9.4 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.4 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.4 KB
- 03 - Neural network regression with TensorFlow/013 Evaluating a TensorFlow model part 4 (visualising a model's layers)_en.srt 9.2 KB
- 09 - Milestone Project 1 Food Vision Big™/001 Introduction to Milestone Project 1 Food Vision Big™_en.srt 9.2 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/036 Saving and loading our trained CNN model_en.srt 9.1 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/009 Saving and loading our trained model_en.srt 9.0 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/022 Downloading and preparing data for our biggest experiment yet (Model 4)_en.srt 9.0 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.0 KB
- 15 - Appendix Machine Learning Primer/002 What is Machine Learning_en.srt 9.0 KB
- 18 - Appendix NumPy/016 Sorting Arrays_en.srt 8.9 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/010 Downloading a pretrained model to make and evaluate predictions with_en.srt 8.9 KB
- 04 - Neural network classification in TensorFlow/021 Introducing more classification evaluation methods_en.srt 8.9 KB
- 04 - Neural network classification in TensorFlow/003 Input and output tensors of classification problems_en.srt 8.8 KB
- 11 - Milestone Project 2 SkimLit/020 Discussing how we're going to build Model 4 (character + token embeddings)_en.srt 8.7 KB
- 02 - Deep Learning and TensorFlow Fundamentals/022 Changing the datatype of tensors_en.srt 8.6 KB
- 13 - Passing the TensorFlow Developer Certificate Exam/002 What is the TensorFlow Developer Certification_en.srt 8.4 KB
- 04 - Neural network classification in TensorFlow/018 Using the TensorFlow History object to plot a model's loss curves_en.srt 8.4 KB
- 02 - Deep Learning and TensorFlow Fundamentals/009 How to approach this course_en.srt 8.2 KB
- 15 - Appendix Machine Learning Primer/004 Exercise Machine Learning Playground_en.srt 8.1 KB
- 03 - Neural network regression with TensorFlow/016 Evaluating a TensorFlow regression model part 7 (mean absolute error)_en.srt 8.1 KB
- 02 - Deep Learning and TensorFlow Fundamentals/027 One-hot encoding tensors_en.srt 8.0 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/004 Example forecasting problems in daily life_en.srt 8.0 KB
- 01 - Introduction/001 Course Outline_en.srt 8.0 KB
- 10 - NLP Fundamentals in TensorFlow/007 Splitting data into training and validation sets_en.srt 7.9 KB
- 16 - Appendix Machine Learning and Data Science Framework/009 Modelling - Splitting Data_en.srt 7.8 KB
- 03 - Neural network regression with TensorFlow/023 (Optional) How to save and download files from Google Colab_en.srt 7.8 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/012 Unravelling our test dataset for comparing ground truth labels to predictions_en.srt 7.7 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/020 Discussing other non-TensorFlow kinds of time series forecasting models_en.srt 7.7 KB
- 03 - Neural network regression with TensorFlow/007 Steps in improving a model with TensorFlow part 1_en.srt 7.6 KB
- 18 - Appendix NumPy/003 NumPy Introduction_en.srt 7.6 KB
- 04 - Neural network classification in TensorFlow/013 Non-linearity part 2 Building our first neural network with non-linearity_en.srt 7.6 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.5 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.4 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/010 Visualizing our Bitcoin historical data with pandas_en.srt 7.4 KB
- 15 - Appendix Machine Learning Primer/005 How Did We Get Here_en.srt 7.3 KB
- 02 - Deep Learning and TensorFlow Fundamentals/008 What we're going to cover throughout the course_en.srt 7.2 KB
- 02 - Deep Learning and TensorFlow Fundamentals/029 Exploring TensorFlow and NumPy's compatibility_en.srt 7.1 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.1 KB
- 02 - Deep Learning and TensorFlow Fundamentals/018 Manipulating tensors with basic operations_en.srt 6.9 KB
- 02 - Deep Learning and TensorFlow Fundamentals/001 What is deep learning_en.srt 6.9 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/024 Downloading a custom image to make predictions on_en.srt 6.9 KB
- 17 - Appendix Pandas for Data Analysis/004 Pandas Introduction_en.srt 6.9 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/049 Model 8 Ensemble model overview_en.srt 6.9 KB
- 16 - Appendix Machine Learning and Data Science Framework/008 Features In Data_en.srt 6.9 KB
- 16 - Appendix Machine Learning and Data Science Framework/004 6 Step Machine Learning Framework_en.srt 6.9 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 6.8 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 6.8 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/004 Becoming One With Data_en.srt 6.7 KB
- 04 - Neural network classification in TensorFlow/032 Multi-class classification part 8 Creating a confusion matrix_en.srt 6.7 KB
- 02 - Deep Learning and TensorFlow Fundamentals/024 Tensor troubleshooting example (updating tensor datatypes)_en.srt 6.6 KB
- 04 - Neural network classification in TensorFlow/006 Checking the input and output shapes of our classification data_en.srt 6.6 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/006 Becoming One With Data Part 3_en.srt 6.5 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.5 KB
- 16 - Appendix Machine Learning and Data Science Framework/006 Types of Data_en.srt 6.5 KB
- 15 - Appendix Machine Learning Primer/003 AIMachine LearningData Science_en.srt 6.5 KB
- 01 - Introduction/005 ZTM Resources_en.srt 6.3 KB
- 15 - Appendix Machine Learning Primer/009 What Is Machine Learning Round 2_en.srt 6.3 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/004 Creating a data augmentation layer to use with our model_en.srt 6.2 KB
- 16 - Appendix Machine Learning and Data Science Framework/010 Modelling - Picking the Model_en.srt 6.2 KB
- 02 - Deep Learning and TensorFlow Fundamentals/028 Trying out more tensor math operations_en.srt 6.2 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.2 KB
- 16 - Appendix Machine Learning and Data Science Framework/015 Tools We Will Use_en.srt 6.1 KB
- 01 - Introduction/002 Join Our Online Classroom!_en.srt 6.0 KB
- 04 - Neural network classification in TensorFlow/022 Finding the accuracy of our classification model_en.srt 5.6 KB
- 15 - Appendix Machine Learning Primer/006 Exercise YouTube Recommendation Engine_en.srt 5.6 KB
- 15 - Appendix Machine Learning Primer/007 Types of Machine Learning_en.srt 5.5 KB
- 04 - Neural network classification in TensorFlow/029 Multi-class classification part 5 Comparing normalised and non-normalised data_en.srt 5.4 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.4 KB
- 18 - Appendix NumPy/015 Comparison Operators_en.srt 5.2 KB
- 16 - Appendix Machine Learning and Data Science Framework/011 Modelling - Tuning_en.srt 5.1 KB
- 16 - Appendix Machine Learning and Data Science Framework/014 Experimentation_en.srt 5.1 KB
- 02 - Deep Learning and TensorFlow Fundamentals/007 What is a Tensor_en.srt 5.0 KB
- 16 - Appendix Machine Learning and Data Science Framework/002 Section Overview_en.srt 4.8 KB
- 16 - Appendix Machine Learning and Data Science Framework/007 Types of Evaluation_en.srt 4.6 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/012 Exercise Imposter Syndrome_en.srt 4.5 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/006 What we're going to cover (broadly)_en.srt 4.4 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/005 Comparing the TensorFlow Keras Sequential API versus the Functional API_en.srt 4.0 KB
- 09 - Milestone Project 1 Food Vision Big™/003 Getting helper functions ready_en.srt 3.9 KB
- 13 - Passing the TensorFlow Developer Certificate Exam/006 What to do after the TensorFlow Developer Certification exam_en.srt 3.9 KB
- 03 - Neural network regression with TensorFlow/017 Evaluating a TensorFlow regression model part 7 (mean square error)_en.srt 3.9 KB
- 02 - Deep Learning and TensorFlow Fundamentals/026 Squeezing a tensor (removing all 1-dimension axes)_en.srt 3.8 KB
- 01 - Introduction/003 Exercise Meet Your Classmates & Instructor.html 3.7 KB
- 16 - Appendix Machine Learning and Data Science Framework/003 Introducing Our Framework_en.srt 3.7 KB
- 17 - Appendix Pandas for Data Analysis/002 Section Overview_en.srt 3.7 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/004 Discussing the four (actually five) modelling experiments we're running_en.srt 3.6 KB
- 04 - Neural network classification in TensorFlow/010 Note Updates for TensorFlow 2.7.0.html 3.4 KB
- 18 - Appendix NumPy/002 Section Overview_en.srt 3.2 KB
- 01 - Introduction/004 All Course Resources + Asking Questions + Getting Help.html 2.9 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/026 How to view and delete previous TensorBoard experiments_en.srt 2.8 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/027 Transfer Learning in TensorFlow Part 2 challenge, exercises and extra-curriculum.html 2.6 KB
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/037 TensorFlow computer vision and CNNs challenge, exercises & extra-curriculum.html 2.5 KB
- 04 - Neural network classification in TensorFlow/035 TensorFlow classification challenge, exercises & extra-curriculum.html 2.5 KB
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/011 TensorFlow Transfer Learning Part 1 challenge, exercises & extra-curriculum.html 2.4 KB
- 03 - Neural network regression with TensorFlow/005 Note Code update for upcoming lecture(s) for TensorFlow 2.7.0+ fix.html 2.4 KB
- 09 - Milestone Project 1 Food Vision Big™/016 Milestone Project 1 Food Vision Big™, exercises and extra-curriculum.html 2.3 KB
- 08 - Transfer Learning with TensorFlow Part 3 Scaling Up/023 Transfer Learning in TensorFlow Part 3 challenge, exercises and extra-curriculum.html 2.3 KB
- 15 - Appendix Machine Learning Primer/010 Section Review_en.srt 2.2 KB
- 18 - Appendix NumPy/018 Assignment NumPy Practice.html 2.2 KB
- 10 - NLP Fundamentals in TensorFlow/035 NLP Fundamentals in TensorFlow challenge, exercises and extra-curriculum.html 2.1 KB
- 17 - Appendix Pandas for Data Analysis/013 Assignment Pandas Practice.html 2.1 KB
- 03 - Neural network regression with TensorFlow/030 TensorFlow Regression challenge, exercises & extra-curriculum.html 2.0 KB
- 07 - Transfer Learning in TensorFlow Part 2 Fine tuning/012 Note Small fix for next video, for images not augmenting.html 1.9 KB
- 16 - Appendix Machine Learning and Data Science Framework/013 Overfitting and Underfitting Definitions.html 1.9 KB
- 02 - Deep Learning and TensorFlow Fundamentals/031 TensorFlow Fundamentals challenge, exercises & extra-curriculum.html 1.9 KB
- 09 - Milestone Project 1 Food Vision Big™/010 Note Mixed Precision producing errors for TensorFlow 2.5+.html 1.9 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/064 TensorFlow Time Series Fundamentals Challenge and Extra Resources.html 1.9 KB
- 13 - Passing the TensorFlow Developer Certificate Exam/001 Get ready to be TensorFlow Developer Certified!.html 1.6 KB
- 02 - Deep Learning and TensorFlow Fundamentals/032 Monthly Coding Challenges, Free Resources and Guides.html 1.6 KB
- 11 - Milestone Project 2 SkimLit/036 Milestone Project 2 (SkimLit) challenge, exercises and extra-curriculum.html 1.5 KB
- 02 - Deep Learning and TensorFlow Fundamentals/033 LinkedIn Endorsements.html 1.4 KB
- 14 - Where To Go From Here/002 LinkedIn Endorsements.html 1.4 KB
- 12 - Time Series fundamentals in TensorFlow + Milestone Project 3 BitPredict/001 Welcome to time series fundamentals with TensorFlow + Milestone Project 3!.html 1.3 KB
- 18 - Appendix NumPy/004 Quick Note Correction In Next Video.html 1.2 KB
- 19 - BONUS SECTION/001 Special Bonus Lecture.html 1.2 KB
- 18 - Appendix NumPy/external-links.txt 1.1 KB
- 17 - Appendix Pandas for Data Analysis/006 Data from URLs.html 1.1 KB
- 10 - NLP Fundamentals in TensorFlow/001 Welcome to natural language processing with TensorFlow!.html 1.0 KB
- 18 - Appendix NumPy/019 Optional Extra NumPy resources.html 1.0 KB
- 17 - Appendix Pandas for Data Analysis/external-links.txt 1.0 KB
- 16 - Appendix Machine Learning and Data Science Framework/016 Optional Elements of AI.html 975 bytes
- 17 - Appendix Pandas for Data Analysis/003 Downloading Workbooks and Assignments.html 967 bytes
- 14 - Where To Go From Here/001 Become An Alumni.html 944 bytes
- 02 - Deep Learning and TensorFlow Fundamentals/010 Need A Refresher.html 942 bytes
- 02 - Deep Learning and TensorFlow Fundamentals/004 Python + Machine Learning Monthly.html 796 bytes
- 15 - Appendix Machine Learning Primer/001 Quick Note Upcoming Videos.html 706 bytes
- 16 - Appendix Machine Learning and Data Science Framework/001 Quick Note Upcoming Videos.html 706 bytes
- 17 - Appendix Pandas for Data Analysis/001 Quick Note Upcoming Videos.html 706 bytes
- 18 - Appendix NumPy/001 Quick Note Upcoming Videos.html 706 bytes
- 14 - Where To Go From Here/003 TensorFlow Certificate.html 385 bytes
- 17 - Appendix Pandas for Data Analysis/008 car-sales.csv 369 bytes
- 01 - Introduction/external-links.txt 361 bytes
- 03 - Neural network regression with TensorFlow/031 Learning Guideline.html 336 bytes
- 17 - Appendix Pandas for Data Analysis/010 car-sales-missing-data.csv 287 bytes
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/external-links.txt 207 bytes
- 15 - Appendix Machine Learning Primer/008 Are You Getting It Yet.html 160 bytes
- 17 - Appendix Pandas for Data Analysis/004 Intro-to-pandas-code.url 154 bytes
- 17 - Appendix Pandas for Data Analysis/012 Pandas-video-code.url 154 bytes
- 18 - Appendix NumPy/003 NumPy-Video-code.url 153 bytes
- 18 - Appendix NumPy/017 NumPy-Video-code.url 153 bytes
- 15 - Appendix Machine Learning Primer/external-links.txt 149 bytes
- 17 - Appendix Pandas for Data Analysis/004 Intro-to-pandas-notes.url 148 bytes
- 17 - Appendix Pandas for Data Analysis/012 Pandas-video-notes.url 148 bytes
- 18 - Appendix NumPy/003 NumPy-Notes.url 147 bytes
- 18 - Appendix NumPy/017 Section-Notes.url 147 bytes
- 04 - Neural network classification in TensorFlow/external-links.txt 135 bytes
- 03 - Neural network regression with TensorFlow/external-links.txt 130 bytes
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/external-links.txt 130 bytes
- 0. Websites you may like/[FreeCourseSite.com].url 127 bytes
- 03 - Neural network regression with TensorFlow/0. Websites you may like/[FreeCourseSite.com].url 127 bytes
- 09 - Milestone Project 1 Food Vision Big™/0. Websites you may like/[FreeCourseSite.com].url 127 bytes
- 13 - Passing the TensorFlow Developer Certificate Exam/0. Websites you may like/[FreeCourseSite.com].url 127 bytes
- 16 - Appendix Machine Learning and Data Science Framework/0. Websites you may like/[FreeCourseSite.com].url 127 bytes
- 0. Websites you may like/[CourseClub.Me].url 122 bytes
- 03 - Neural network regression with TensorFlow/0. Websites you may like/[CourseClub.Me].url 122 bytes
- 09 - Milestone Project 1 Food Vision Big™/0. Websites you may like/[CourseClub.Me].url 122 bytes
- 13 - Passing the TensorFlow Developer Certificate Exam/0. Websites you may like/[CourseClub.Me].url 122 bytes
- 16 - Appendix Machine Learning and Data Science Framework/0. Websites you may like/[CourseClub.Me].url 122 bytes
- 16 - Appendix Machine Learning and Data Science Framework/004 6-Step-Guide.url 110 bytes
- 17 - Appendix Pandas for Data Analysis/010 https-jakevdp.github.io-PythonDataScienceHandbook-03.00-introduction-to-pandas.html.url 109 bytes
- 16 - Appendix Machine Learning and Data Science Framework/external-links.txt 108 bytes
- 02 - Deep Learning and TensorFlow Fundamentals/external-links.txt 94 bytes
- 17 - Appendix Pandas for Data Analysis/004 10-Minutes-to-pandas.url 90 bytes
- 04 - Neural network classification in TensorFlow/001 All-course-materials-and-links-notebooks-code-data-slides-on-GitHub.url 82 bytes
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/001 All-course-materials-and-links-notebooks-code-data-slides-on-GitHub.url 82 bytes
- 18 - Appendix NumPy/013 https-www.mathsisfun.com-algebra-matrix-multiplying.html.url 82 bytes
- 18 - Appendix NumPy/009 https-www.mathsisfun.com-data-standard-deviation.html.url 79 bytes
- 18 - Appendix NumPy/010 https-www.mathsisfun.com-data-standard-deviation.html.url 79 bytes
- 18 - Appendix NumPy/011 https-www.mathsisfun.com-data-standard-deviation.html.url 79 bytes
- 01 - Introduction/004 Zero-to-Mastery-TensorFlow-Deep-Learning-on-GitHub.url 77 bytes
- 02 - Deep Learning and TensorFlow Fundamentals/001 All-course-materials-and-links-.url 77 bytes
- 03 - Neural network regression with TensorFlow/001 All-course-materials-and-links-notebooks-code-data-slides-on-GitHub.url 77 bytes
- 06 - Transfer Learning in TensorFlow Part 1 Feature extraction/001 All-course-materials-and-links-notebooks-code-data-slides-on-GitHub.url 77 bytes
- 17 - Appendix Pandas for Data Analysis/014 Course-Notes.url 71 bytes
- 01 - Introduction/005 LinkedIn-Group.url 65 bytes
- 05 - Computer Vision and Convolutional Neural Networks in TensorFlow/015 CNN-Explainer-website.url 65 bytes
- 15 - Appendix Machine Learning Primer/004 https-teachablemachine.withgoogle.com-.url 64 bytes
- 01 - Introduction/005 ZTM-Youtube.url 62 bytes
- 17 - Appendix Pandas for Data Analysis/014 https-colab.research.google.com-.url 58 bytes
- 01 - Introduction/004 TensorFlow-for-Deep-Learning-Book.url 54 bytes
- 15 - Appendix Machine Learning Primer/006 https-ml-playground.com-.url 51 bytes
- 0. Websites you may like/[GigaCourse.Com].url 49 bytes
- 01 - Introduction/005 zerotomastery.io.url 49 bytes
- 03 - Neural network regression with TensorFlow/0. Websites you may like/[GigaCourse.Com].url 49 bytes
- 09 - Milestone Project 1 Food Vision Big™/0. Websites you may like/[GigaCourse.Com].url 49 bytes
- 13 - Passing the TensorFlow Developer Certificate Exam/0. Websites you may like/[GigaCourse.Com].url 49 bytes
- 16 - Appendix Machine Learning and Data Science Framework/0. Websites you may like/[GigaCourse.Com].url 49 bytes
- 18 - Appendix NumPy/003 https-numpy.org-doc-.url 46 bytes
Download Torrent
Related Resources
Copyright Infringement
If the content above is not authorized, please contact us via anywarmservice[AT]gmail.com. Remember to include the full url in your complaint.