In5400 Week4 2020 Pytorch Lecture4
In5400 Week4 2020 Pytorch Lecture4
Lecture 4:
Introduction to PyTorch
David Völgyes
david.volgyes@ieee.org
February 5, 2020
X Page 1 / 84
IN5400 Machine learning for image analysis, 2020 spring
About today
You will get an introduction to PyTorch.
PyTorch is a widely used deep learning framework, especially in academia.
PyTorch version 1.0-1.4
Remark:
X Page 2 / 84
IN5400 Machine learning for image analysis, 2020 spring
Outline
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 3 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 4 / 84
IN5400 Machine learning for image analysis, 2020 spring
Readings
Highly recommended (by the end of the semester):
Note:
Don’t get confused. A lot of the available code online is written in an older version of
PyTorch (mostly in 0.3-0.4).
X Page 5 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 6 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 7 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 8 / 84
IN5400 Machine learning for image analysis, 2020 spring
Major frameworks
pytorch (developed by Facebook)
Tensorflow (developed by Google)
Caffe (developed by Facebook)
MXNet
MS Cognitive Toolkit (CNTK)
Chainer
X Page 9 / 84
IN5400 Machine learning for image analysis, 2020 spring
Popularity
X Page 10 / 84
https://towardsdatascience.com/deep-learning-framework-power-scores-2018-
IN5400 Machine learning for image analysis, 2020 spring
X Page 11 / 84
IN5400 Machine learning for image analysis, 2020 spring
Why PyTorch
Python API
Can use CPU, GPU (CUDA only)
Supports common platforms:
Windows, iOS, Linux
PyTorch is a thin framework which lets you work closely with programming the neural
network
Focus on the machine learn part not the framework itself
Pythonic control flow
Flexible
Cleaner and more intuitive code
Easy to debug
Python debugger
With PyTorch we can use the python debugger
It does not run all in a C++ environment abstracted way
X Page 12 / 84
IN5400 Machine learning for image analysis, 2020 spring
Installing PyTorch
conda create -n IN5400 python=3.8 PyTorch torchvision cudatoolkit=10.1 jupyter ipython matplotlib scikit-learn -c PyTorch
X Page 13 / 84
IN5400 Machine learning for image analysis, 2020 spring
Installing PyTorch
Without CUDA:
conda create -n IN5400 python=3.8 PyTorch torchvision cpuonly jupyter ipython matplotlib scikit-learn -c PyTorch
Installation instructions:
https://pytorch.org/get-started/locally/
Older versions:
https://pytorch.org/get-started/previous-versions/
Remember: during the semester probably there will be at least two new releases!
X Page 14 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 15 / 84
IN5400 Machine learning for image analysis, 2020 spring
PyTorch packages
X Page 16 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 17 / 84
IN5400 Machine learning for image analysis, 2020 spring
torch.Tensor class
PyTorch ’s tensors are very similar to NumPy’s ndarrays
but they have a device, 'cpu', 'cuda', or 'cuda:X'
they might require gradients
See: https://pytorch.org/docs/stable/tensors.html
X Page 18 / 84
IN5400 Machine learning for image analysis, 2020 spring
See: https://pytorch.org/docs/stable/tensors.html
X Page 19 / 84
IN5400 Machine learning for image analysis, 2020 spring
Numpy-PyTorch functions
Creating arrays / tensor:
eye: creating diagonal matrix / tensor
zeros: creating tensor filled with zeros
ones: creating tensor filled with ones
linspace: creating linearly increasing values
arange: linearly increasing integers
For instance:
X Page 20 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 21 / 84
IN5400 Machine learning for image analysis, 2020 spring
Indexing
Standard numpy indexing works:
>>> t = torch.arange(12).reshape(3,4)
tensor([[ 0, 1, 2, 3],
[ 4, 5, 6, 7],
[ 8, 9, 10, 11]])
>>> t[1,1:3]
tensor([5, 6])
>>> t[:,:] = 0 # fill everything with 0, a.k.a. t.fill_(0)
tensor([[0, 0, 0, 0],
[0, 0, 0, 0],
[0, 0, 0, 0]])
X Page 22 / 84
IN5400 Machine learning for image analysis, 2020 spring
Broadcasting semantics
If two tensors x, y are "broadcastable", the resulting tensor size is calculated as follows:
If the number of dimensions of x and y are not equal, prepend 1 to the dimensions of
the tensor with fewer dimensions to make them equal length.
Then, for each dimension size, the resulting dimension size is the max of the sizes of x
and y along that dimension.
See: https://pytorch.org/docs/stable/notes/broadcasting.html
X Page 23 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 24 / 84
IN5400 Machine learning for image analysis, 2020 spring
Copy Data:
torch.Tensor()
torch.tensor()
torch.clone()
type casting
Share Data
torch.as_tensor()
torch.from_numpy()
torch.view()
torch.reshape()
X Page 25 / 84
IN5400 Machine learning for image analysis, 2020 spring
create a tensor
copy/clone/view it
modify an element
compare the elements
X Page 26 / 84
IN5400 Machine learning for image analysis, 2020 spring
>>> torch.eye(2)
tensor([[1., 0.],
[0., 1.]])
>>> torch.zeros(2,2)
tensor([[0., 0.],
[0., 0.]])
>>> torch.ones(2,2)
tensor([[1., 1.],
[1., 1.]])
>>> torch.rand(2,2)
tensor([[0.6849, 0.1091],
[0.4953, 0.8975]])
X Page 27 / 84
IN5400 Machine learning for image analysis, 2020 spring
Remarks:
X Page 28 / 84
IN5400 Machine learning for image analysis, 2020 spring
Torch.tensor functionality
Common tensor operations:
reshape
max/min
shape/size
etc
Arithmetic operations
Abs / round / sqrt / pow /etc
torch.tensor’s support broadcasting
In-place operations
X Page 29 / 84
IN5400 Machine learning for image analysis, 2020 spring
Torch.tensor summary
Very similar to numpy (indexing, main functions)
Every tensor has a device, a type, and a required_grad attribute
Conversion and/or device transfer might be needed.
In-place operations end in underscore, e.g. .fill_()
Some operations create new tensors, some share data.
Careful with the broadcasting semantics.
X Page 30 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph (reminder from last week)
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 31 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 32 / 84
IN5400 Machine learning for image analysis, 2020 spring
Forward propagation
X Page 33 / 84
IN5400 Machine learning for image analysis, 2020 spring
Backward propagation
What if we want to get the derivative of f with respect to the x1?
X Page 34 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation ( torch.autograd )
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 35 / 84
IN5400 Machine learning for image analysis, 2020 spring
Autograd
Autograd - Automatic differentiation for all operations on Tensors
Static computational graph (TensorFlow 1.0)
Dynamic computational graph (PyTorch)
The backward graph is defined by the forward run!
X Page 36 / 84
IN5400 Machine learning for image analysis, 2020 spring
Example 1 (autograd)
X Page 37 / 84
IN5400 Machine learning for image analysis, 2020 spring
Example 1 (autograd)
X Page 38 / 84
IN5400 Machine learning for image analysis, 2020 spring
Leaf tensor
A «leaf tensor» is a tensor you created directly, not as the result of an operation.
X Page 39 / 84
IN5400 Machine learning for image analysis, 2020 spring
Autograd
The need for specifying all tensors is inconvenient.
Chain rule is applied back to all the leaf tensors with requires_grad=True
attribute.
X Page 40 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 41 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 42 / 84
IN5400 Machine learning for image analysis, 2020 spring
https://pytorch.org/docs/stable/autograd.html
X Page 43 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 44 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 45 / 84
IN5400 Machine learning for image analysis, 2020 spring
number_of_epochs = 1000
learning_rate = 0.01
for iteration in range(number_of_epochs):
y_pred = a * xx + b
loss = MSE_loss(y_pred, yy)
loss.backward()
with torch.no_grad():
a = a - learning_rate * a.grad
b = b - learning_rate * b.grad
a.requires_grad = True
b.requires_grad = True
print(a)
print(b)
X Page 46 / 84
IN5400 Machine learning for image analysis, 2020 spring
tensor(-1.5061, requires_grad=True)
tensor(8.0354, requires_grad=True)
X Page 47 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 48 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 49 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing ( torch.utils )
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 50 / 84
IN5400 Machine learning for image analysis, 2020 spring
X Page 51 / 84
IN5400 Machine learning for image analysis, 2020 spring
torch.utils.data.Dataset
Typical structure of the Dataset class
import torch
class ExampleDataset(torch.utils.data.Dataset):
def __init__(self,params, *args,**kwargs):
super().__init__(*args,**kwargs)
# do initalization based on the params,
# e.g. load images, etc.
self.data = ...
def __len__(self):
# return the number of samples
return self.data.shape[0]
X Page 52 / 84
IN5400 Machine learning for image analysis, 2020 spring
torch.utils.data.Dataset: regression
import torch
class LinearRegressionDataset(torch.utils.data.Dataset):
def __init__(self,N = 50, m = -3, b = 2, *args,**kwargs):
# N: number of samples, e.g. 50
# m: slope
# b: offset
super().__init__(*args,**kwargs)
self.x = torch.rand(N)
self.noise = torch.rand(N)*0.2
self.m = m
self.b = b
X Page 53 / 84
IN5400 Machine learning for image analysis, 2020 spring
torch.utils.data.Dataset: images
import torch
import imageio
class ImageDataset(torch.utils.data.Dataset):
def __init__(self, root, N, *args,**kwargs):
super().__init__(*args,**kwargs)
self.input, self.target = [], []
for i in range(N):
t = imageio.imread(f'{root}/train_{i}.png')
t = torch.from_numpy(t).permute(2,0,1)
l = imageio.imread(f'target_{i}.png')
l = torch.from_numpy(l).permute(2,0,1)
self.input.append(t)
self.target.append(l)
X Page 54 / 84
IN5400 Machine learning for image analysis, 2020 spring
torch.utils.data.Dataset
import torch
import ImageDataset
datapath = 'data_directory'
myImageDataset = ImageDataset(dataPath, 50)
# iterating through the samples
for sample in myImageDataset:
input = sample['input'].cpu() # or .cuda()
target = sample['target'].cpu() # or .to(device)
....
X Page 55 / 84
IN5400 Machine learning for image analysis, 2020 spring
torch.utils.data.DataLoader
import torch
import ImageDataset
datapath = 'data_directory'
myImageDataset = ImageDataset(dataPath, 50)
# iterating through the samples
train_loader = DataLoader(dataset=myImageDataset, batch_size=32,
shuffle=False, num_workers=2)
for sample in train_loader:
...
X Page 56 / 84
IN5400 Machine learning for image analysis, 2020 spring
Data augmentetion
(forward reference, not for today)
Details here:
https://pytorch.org/tutorials/beginner/data_loading_tutorial.html
X Page 57 / 84
IN5400 Machine learning for image analysis, 2020 spring
Data augmentetion
(forward reference, not for today)
import torch
import imageio
class ImageDataset(torch.utils.data.Dataset):
def __init__(self, root, N, transform = None, *args,**kwargs):
super().__init__(*args,**kwargs)
self.transform = transform
...
def __getitem__(self, idx):
sample = {'input': self.input[idx], 'target': self.target[idx]}
if self.transform:
sample = self.transform(sample)
return sample
def __len__(self):
return len(self.input)
X Page 58 / 84
IN5400 Machine learning for image analysis, 2020 spring
Data augmentetion
(forward reference, not for today)
class ImageDataset(torch.utils.data.Dataset):
def __init__(self, root, N, transform = None, *args,**kwargs):
super().__init__(*args,**kwargs)
self.transform = transform
...
def __getitem__(self, idx):
sample = {'input': self.input[idx], 'target': self.target[idx]}
if self.transform:
sample = self.transform(sample)
return sample
def __len__(self):
return len(self.input)
X Page 59 / 84
IN5400 Machine learning for image analysis, 2020 spring
Data transformations
(forward reference, not for today)
import torchvision.transforms as T
composed = transforms.Compose([T.Rescale(256),
T.RandomCrop(224),
T.ToTensor()]
)
...
dataset = Mydataset(..., transform = composed)
X Page 60 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions ( torch.nn.functional )
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 61 / 84
IN5400 Machine learning for image analysis, 2020 spring
torch.nn.functional
The «torch.nn.functional» package is the functional interface for Pytorch features.
Most feature exist both as a function and as a class.
Structural parts, or objects with internal state usually used as objects
Stateless or simple expressions are usually used in functional form.
Activation functions, losses, convolutions, etc. It is a huge module.
import torch
import torch.nn as nn
import torch.nn.functional as F
x = torch.rand(2,2)
y = F.relu(x)
relu = nn.ReLU() # creating the object first
z = relu(x) # then using it
y == z # they should be the same
# Similarly:
mseloss = nn.MSELoss()
F.mseloss(...) == mseloss(...)
X Page 62 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model ( torch.nn )
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 63 / 84
IN5400 Machine learning for image analysis, 2020 spring
The nn.Module’s weights as called “Parameters”, and are similar to tensors with
“requires_grad=True”.
class Model(nn.Module):
def __init__(self):
super().__init__()
# structure definition and initialization
def forward(self, x):
# actual forward propagation
result = processing(x)
return result
X Page 64 / 84
IN5400 Machine learning for image analysis, 2020 spring
class Model(nn.Module):
def __init__(self):
super().__init__()
# let's assume 28x28 input images, e.g. MNIST characters
self.fc1 = nn.Linear(in_features = 28 * 28, out_features = 128, bias=True)
self.fc2 = nn.Linear(in_features = 128, out_features = 64, bias=True)
self.fc3 = nn.Linear(in_features = 64, out_features = 10, bias=True)
def forward(self, x):
x = F.relu(self.fc1(x))
x = F.relu(self.fc2(x))
x = self.fc3(x)
return x
X Page 65 / 84
IN5400 Machine learning for image analysis, 2020 spring
class Model2(nn.Module):
def __init__(self):
super().__init__()
# let's assume 28x28 input images, e.g. MNIST characters
self.fc1 = nn.Linear(in_features = 28 * 28, out_features = 128, bias=True)
self.activation1 = nn.ReLU()
self.fc2 = nn.Linear(in_features = 128, out_features = 64, bias=True)
self.activation2 = nn.ReLU()
self.fc3 = nn.Linear(in_features = 64, out_features = 10, bias=True)
self.activation3 = nn.ReLU()
X Page 66 / 84
IN5400 Machine learning for image analysis, 2020 spring
Some layers as e.g. "dropout" and "batch_norm" should operate differently during training
and evaluation of the model. We can set the model in different state by the .train() and
.eval() functions.
X Page 67 / 84
IN5400 Machine learning for image analysis, 2020 spring
Model parameters
X Page 68 / 84
IN5400 Machine learning for image analysis, 2020 spring
Advanced examples
(Not part of the mandatory curriculum for today)
class ReLU(nn.Module):
def __init__(self):
super().__init__()
X Page 69 / 84
IN5400 Machine learning for image analysis, 2020 spring
class SkipResBlock(nn.Module):
def __init__(self):
super().__init__()
self.convolution = nn.ConvX(...)
self.convolution2 = nn.ConvX(...)
def forward(self, x):
y = self.convolution(x) + x # residual block
y = F.relu(y)
z = torch.cat(y,x, dim=...) # skip connection
z = self.convolution2(z)
return F.relu(z)
X Page 70 / 84
IN5400 Machine learning for image analysis, 2020 spring
Current state
The workflow looks like this so far:
device = torch.device('cpu')
dataset = CustomDataset()
dataloader = DataLoader(dataset, ...)
model = MyModel()
model.to(device)
for i in range(epochs):
training_loss = 0
for sample in dataloader:
input = sample['input'].to(device)
target = sample['target'].to(device)
prediction = model(input)
loss = loss_function(prediction, target)
training_loss += loss.item()
loss.backward()
# updating the model
print(f'Current training loss: {training_loss}')
# validation loop
...
# saving the model
X Page 71 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers ( torch.optim )
Save/load models
Miscellaneous
X Page 72 / 84
IN5400 Machine learning for image analysis, 2020 spring
Defining an optimizer
Using PyTorch’s optimizers is easy!
import torch
optimizer = torch.optim.SGD(model.parameters(), lr = 0.01)
...
for sample in dataloader:
input = sample['input'].to(device)
target = sample['target'].to(device)
prediction = model(input)
loss = loss_fn(prediction, target)
X Page 73 / 84
IN5400 Machine learning for image analysis, 2020 spring
Accumulating gradients
If we don't clear the gradients, they sum up.
This is often source of bugs, but
this can be exploited for larger effective batch sizes:
import torch
optimizer = torch.optim.SGD(model.parameters(), lr = 0.01)
optimizer.zero_grad()
for idx, sample in enumerate(dataloader):
input = sample['input'].to(device)
target = sample['target'].to(device)
prediction = model(input)
loss = loss_fn(prediction, target)
loss.backward()
if idx % 10 = 9:
optimizer.step()
optimizer.zero_grad()
X Page 74 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 75 / 84
IN5400 Machine learning for image analysis, 2020 spring
Save/load models
Saving and loading can easily be don using “torch.save” and “torch.load”
PyTorch uses “pickling” to serialize the data.
Restoring state:
X Page 76 / 84
IN5400 Machine learning for image analysis, 2020 spring
import json
config = json.load(open('config.cfg'))
device = torch.device(config['device'])
training_data = CustomDataset(..., **config['train'])
validation_data = CustomDataset(..., **config['valid'])
train_loader = DataLoader(training_data, **config['loader'])
validation_loader = DataLoader(validation_data, **config['loader'])
model = MyModel(**config['model'])
model.to(device)
optimizer = Optimizer(model.parameters(), **config['optimizer'])
for i in range(config['epochs']):
model.train()
for sample in train_loader:
optimizer.zero_grad()
input, target = sample['input'].to(device), sample['target'].to(device)
prediction = model(input)
loss = loss_function(prediction, target)
print(f'Current training loss: {loss.item()}')
loss.backward()
optimizer.step()
X Page 77 / 84
IN5400 Machine learning for image analysis, 2020 spring
# validation loop
model.eval()
validation_loss = 0
for sample in validation_loader:
input, target = sample['input'].to(device), sample['target'].to(device)
prediction = model(input)
loss = loss_function(prediction, target)
validation_loss += loss.item()
print(f'Current validation loss: {validation_loss}')
if validation_loss < config['loss_threshold']: # or other condition
break
full_state = {'model_state' : model.state_dict(), 'optimizer': optimizer.state_dict)}
torch.save(full_state, 'parameters.pt')
X Page 78 / 84
IN5400 Machine learning for image analysis, 2020 spring
Reproducibility
Sometimes it is hard to reproduce bugs because of the randomness
in the training. The solution is using fixed random seeds.
For debugging purposes, you should start your codes with these lines:
import numpy as np
np.random.seed(42) # your favourite integer
import torch
torch.manual_seed(42) # your favourite integer
torch.backends.cudnn.deterministic = True # disable optimizations
torch.backends.cudnn.benchmark = False
X Page 79 / 84
IN5400 Machine learning for image analysis, 2020 spring
Progress
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 80 / 84
IN5400 Machine learning for image analysis, 2020 spring
Pretrained models
(see later in the semester)
See https://pytorch.org/docs/stable/torchvision/models.html
X Page 81 / 84
IN5400 Machine learning for image analysis, 2020 spring
Visualization
Tensorboard:
See: https://pytorch.org/tutorials/intermediate/tensorboard_tutorial.html
Alternatives: MLFlow (mlflow.org), Weights and Biases (wandb.com), etc.
X Page 82 / 84
IN5400 Machine learning for image analysis, 2020 spring
https://favouriteblog.com/best-gpu-for-deep-learning/
X Page 83 / 84
IN5400 Machine learning for image analysis, 2020 spring
Summary
Deep learning frameworks
PyTorch
torch.tensor
Computational graph
Automatic differentiation (torch.autograd)
Data loading and preprocessing (torch.utils)
Useful functions (torch.nn.functional)
Creating the model (torch.nn)
Optimizers (torch.optim)
Save/load models
Miscellaneous
X Page 84 / 84