PyTorch Tutorial Screencast Videos

Watch these 65 PyTorch deep learning tutorials
-
Make A Simple PyTorch Autograd Computational Graph
Build an autograd backward graph by performing operations on PyTorch Autograd Tensors
3:49
-
AvgPool2D: How to Incorporate Average pooling into a PyTorch Neural Network
AvgPool2D - Use the PyTorch AvgPool2D Module to incorporate average pooling into a PyTorch neural network
2:10
-
PyTorch Autograd: Define A PyTorch Tensor With Autograd
PyTorch Autograd - Use PyTorch's requires_grad to define a PyTorch Tensor with Autograd
1:55
-
BatchNorm2d: How to use the BatchNorm2d Module in PyTorch
BatchNorm2d - Use the PyTorch BatchNorm2d Module to accelerate Deep Network training by reducing internal covariate shift
2:02
-
PyTorch Tensor To List: Convert a PyTorch Tensor To A Python List
PyTorch Tensor To List: Use PyTorch tolist() to convert a PyTorch Tensor into a Python list
2:58
-
How To Use The view Method To Manage Tensor Shape In PyTorch
Use the PyTorch view method to manage Tensor Shape within a Convolutional Neural Network
3:29
-
How to Subclass The nn.Module Class in PyTorch
Construct A Custom PyTorch Model by creating your own custom PyTorch module by subclassing the PyTorch nn.Module class
1:54
-
How To Define A ReLU Layer In PyTorch
Use PyTorch's nn.ReLU and add_module operations to define a ReLU layer
2:30
-
How To Define A Convolutional Layer In PyTorch
Use PyTorch nn.Sequential and PyTorch nn.Conv2d to define a convolutional layer in PyTorch
3:10
-
How To Define A Sequential Neural Network Container In PyTorch
Use PyTorch's nn.Sequential and add_module operations to define a sequential neural network container
1:38
-
PyTorch item: Convert A 0-dim PyTorch Tensor To A Python Number
PyTorch item - Use PyTorch's item operation to convert a 0-dim PyTorch Tensor to a Python number
1:50
-
PyTorch Min: Get Minimum Value Of A PyTorch Tensor
PyTorch Min - Use PyTorch's min operation to calculate the min of a PyTorch tensor
1:55
-
PyTorch Max: Get Maximum Value Of A PyTorch Tensor
PyTorch Max - Use PyTorch's max operation to calculate the max of a PyTorch tensor
1:56
-
Print PyTorch Version
Find out which version of PyTorch is installed in your system by printing the PyTorch version
0:59
-
PyTorch Matrix Multiplication: How To Do A PyTorch Dot Product
PyTorch Matrix Multiplication - Use torch.mm to do a PyTorch Dot Product
3:26
-
PyTorch Tensor To List: How To Convert A PyTorch Tensor To A List
Use PyTorch's To List (tolist) operation to convert a PyTorch Tensor to a Python list
2:08
-
PyTorch List to Tensor: Convert A Python List To A PyTorch Tensor
PyTorch List to Tensor - Use the PyTorch Tensor operation (torch.tensor) to convert a Python list object into a PyTorch Tensor
2:01
-
Augment the CIFAR10 Dataset Using the RandomHorizontalFlip and RandomCrop Transforms
Augment the CIFAR10 Dataset Using the TorchVision RandomHorizontalFlip (transforms.RandomHorizontalFlip) and RandomCrop (transforms.RandomCrop) Transforms
3:20
-
Use Torchvision CenterCrop Transform To Do A Rectangular Crop Of A PIL Image
Use Torchvision CenterCrop Transform (torchvision.transforms.CenterCrop) to do a rectangular crop of a PIL image
3:33
-
Use Torchvision CenterCrop Transform To Do A Square Crop Of A PIL Image
Use Torchvision CenterCrop Transform (torchvision.transforms.CenterCrop) to do a square crop of a PIL image
3:40
-
Get The Shape Of A PyTorch Tensor As A List Of Integers
Get the shape of a PyTorch Tensor as a list of integers by using the PyTorch Shape operation and the Python List constructor
2:28
-
PyTorch Stack: Turn A List Of PyTorch Tensors Into One Tensor
PyTorch Stack - Use the PyTorch Stack operation (torch.stack) to turn a list of PyTorch Tensors into one tensor
3:03
-
-
Apply Transforms To PyTorch Torchvision Datasets
Use the Torchvision Transforms Parameter in the initialization function to apply transforms to PyTorch Torchvision Datasets during the data import process
1:51
-
Normalize CIFAR10 Dataset Tensor
Use Torchvision Transforms Normalize (transforms.Normalize) to normalize CIFAR10 dataset tensors using the mean and standard deviation of the dataset
1:42
-
Add A New Dimension To The End Of A Tensor In PyTorch
Add a new dimension to the end of a PyTorch tensor by using None-style indexing
2:10
-
Add A New Dimension To The Middle Of A Tensor In PyTorch
Add a new dimension to the middle of a PyTorch tensor by using None-style indexing
2:12
-
Add A New Dimension To The Beginning Of A Tensor In PyTorch
Add a new dimension to the beginning of a PyTorch tensor by using None-style indexing
1:37
-
PyTorch numel: Calculate The Number Of Elements In A PyTorch Tensor
PyTorch numel - Calculate the number of elements in a PyTorch Tensor by using the PyTorch numel operation
1:22
-
Create A PyTorch Identity Matrix
Create a PyTorch identity matrix by using the PyTorch eye operation
1:03
-
Move PyTorch Tensor Data To A Contiguous Chunk Of Memory
Use the PyTorch contiguous operation to move a PyTorch Tensor's data to a contiguous chunk of memory
5:59
-
Infer Dimensions While Reshaping A PyTorch Tensor
Infer dimensions while reshaping a PyTorch tensor by using the PyTorch view operation
4:00
-
-
PyTorch View: Reshape A PyTorch Tensor
PyTorch View - how to use the PyTorch View (.view(...)) operation to reshape a PyTorch tensor
3:34
-
-
Fill A PyTorch Tensor With A Certain Scalar
Fill A PyTorch Tensor with a certain scalar by using the PyTorch fill operation
2:09
-
Tell PyTorch To Do An In Place Operation
Tell PyTorch to do an in-place operation by using an underscore after an operation's name
2:48
-
Add Two PyTorch Tensors Together
Add two PyTorch Tensors together by using the PyTorch add operation
2:00
-
Specify PyTorch Tensor Maximum Value Threshold
Specify PyTorch Tensor Maximum Value Threshold by using the PyTorch clamp operation
1:59
-
Specify PyTorch Tensor Minimum Value Threshold
Specify PyTorch Tensor Minimum Value Threshold by using the PyTorch clamp operation
2:06
-
PyTorch Clamp: Clip PyTorch Tensor Values To A Range
Use PyTorch clamp operation to clip PyTorch Tensor values to a specific range
1:48
-
Get The PyTorch Variable Shape
Get the PyTorch Variable shape by using the PyTorch size operation
1:56
-
Calculate The Biased Standard Deviation Of All Elements In A PyTorch Tensor
Calculate the biased standard deviation of all elements in a PyTorch Tensor by using the PyTorch std operation
4:47
-
Calculate The Unbiased Standard Deviation Of All Elements In A PyTorch Tensor
Calculate the unbiased standard deviation of all elements in a PyTorch Tensor by using the PyTorch std operation
5:00
-
Calculate The Power Of Each Element In A PyTorch Tensor For A Given Exponent
Calculate the power of each element in a PyTorch Tensor for a given exponent by using the PyTorch pow operation
2:04
-
Calculate The Sum Of All Elements In A PyTorch Tensor
Calculate the Sum of all elements in a tensor by using the PyTorch sum operation
2:00
-
Calculate The Mean Value Of All Elements In A PyTorch Tensor
Calculate the Mean value of all elements in a tensor by using the PyTorch mean operation
2:01
-
Convert CIFAR10 Dataset from PIL Images to PyTorch Tensors
Convert CIFAR10 Dataset from PIL Images to PyTorch Tensors by Using PyTorch's ToTensor Operation
1:15
-
Check For Element Wise Equality Between Two PyTorch Tensors
Check for element wise equality between two PyTorch tensors using the PyTorch eq equality comparison operation
3:00
-
Create A PyTorch Tensor Full Of Ones
Create a PyTorch Tensor full of ones so that each element is a ones using the PyTorch Ones operation
1:17
-
Create A PyTorch Tensor Full Of Zeros
Create a PyTorch Tensor full of zeros so that each element is a zero using the PyTorch Zeros operation
1:20
-
Examine MNIST Dataset from PyTorch Torchvision
Examine the MNIST dataset from PyTorch Torchvision using Python and PIL, the Python Imaging Library
2:57
-
PyTorch MNIST: Load MNIST Dataset from PyTorch Torchvision
PyTorch MNIST - Load the MNIST dataset from PyTorch Torchvision and split it into a train data set and a test data set
2:11
-
CIFAR10 PyTorch: Load CIFAR10 Dataset from Torchvision
PyTorch CIFAR10 - Load CIFAR10 Dataset (torchvision.datasets.cifar10) from Torchvision and split into train and test data sets
1:59
-
PyTorch Element Wise Multiplication
PyTorch Element Wise Multiplication - Calculate the element wise multiplication to get the Hadamard Product
2:59
-
PyTorch Tensor Shape: Get the PyTorch Tensor size
PyTorch Tensor Shape - Get the PyTorch Tensor size as a PyTorch Size object and as a list of integers
2:12
-
PyTorch Print Tensor: Print Full Tensor in PyTorch
PyTorch Print Tensor - Print full tensor in PyTorch so that you can see all of the elements rather than just seeing the truncated or shortened version
2:27
-
PyTorch Variable To NumPy: Convert PyTorch autograd Variable To NumPy Multidimensional Array
PyTorch Variable To NumPy - Transform a PyTorch autograd Variable to a NumPy Multidimensional Array by extracting the PyTorch Tensor from the Variable and converting the Tensor to the NumPy array
3:30
-
PyTorch Tensor to NumPy: Convert A PyTorch Tensor To A Numpy Multidimensional Array
PyTorch Tensor to NumPy - Convert a PyTorch tensor to a NumPy multidimensional array so that it retains the specific data type
3:57
-
PyTorch Variable: Create A PyTorch Variable
PyTorch Variable - create a PyTorch Variable which wraps a PyTorch Tensor and records operations applied to it
1:36
-
PyTorch NumPy to tensor: Convert A NumPy Array To A PyTorch Tensor
PyTorch NumPy to tensor - Convert a NumPy Array into a PyTorch Tensor so that it retains the specific data type
1:53
-
PyTorch Concatenate: Concatenate PyTorch Tensors Along A Given Dimension With PyTorch cat
PyTorch Concatenate - Use PyTorch cat to concatenate a list of PyTorch tensors along a given dimension
4:45
-
PyTorch Change Tensor Type: Cast A PyTorch Tensor To Another Type
PyTorch change Tensor type - convert and change a PyTorch tensor to another type
3:06
-
PyTorch Tensor Type: Print And Check PyTorch Tensor Type
PyTorch Tensor Type - print out the PyTorch tensor type without printing out the whole PyTorch tensor
1:42
-
torch create tensor: Construct a PyTorch Tensor
torch create tensor - Create an uninitialized PyTorch Tensor and an initialized PyTorch Tensor
1:49