Linear Regression

In a linear regression model, each target variable is estimated to be a weighted sum of the input variables, offset by some constant, known as a bias :

yield_apple  = w11 * temp + w12 * rainfall + w13 * humidity + b1
yield_orange = w21 * temp + w22 * rainfall + w23 * humidity + b2

The learning part of linear regression is to figure out a set of weights w11, w12,... w23, b1 & b2 by looking at the training data, to make accurate predictions for new data (i.e. to predict the yields for apples and oranges in a new region using the average temperature, rainfall and humidity). This is done by adjusting the weights slightly many times to make better predictions, using an optimization technique called gradient descent.

We begin by importing Numpy and PyTorch:

import numpy as np
import torch

Training data

The training data can be represented using 2 matrices: inputs and targets, each with one row per observation, and one column per variable. Let's assume some random data for temp, rainfall and humidity being represented in a numpy array.

# Input (temp, rainfall, humidity)
inputs = np.array([[73, 67, 43], 
                   [91, 88, 64], 
                   [87, 134, 58], 
                   [102, 43, 37], 
                   [69, 96, 70]], dtype='float32')
# Targets (apples, oranges)
targets = np.array([[56, 70], 
                    [81, 101], 
                    [119, 133], 
                    [22, 37], 
                    [103, 119]], dtype='float32')

Let's convert these to tensors now.

# Convert inputs and targets to tensors
inputs = torch.from_numpy(inputs)
targets = torch.from_numpy(targets)
print(inputs)
print(targets)
tensor([[ 73.,  67.,  43.],
        [ 91.,  88.,  64.],
        [ 87., 134.,  58.],
        [102.,  43.,  37.],
        [ 69.,  96.,  70.]])
tensor([[ 56.,  70.],
        [ 81., 101.],
        [119., 133.],
        [ 22.,  37.],
        [103., 119.]])

Linear regression model from scratch

The weights and biases (w11, w12,... w23, b1 & b2) can also be represented as matrices, initialized as random values. The first row of w and the first element of b are used to predict the first target variable i.e. yield of apples, and similarly the second for oranges.

# Weights and biases
w = torch.randn(2, 3, requires_grad=True)
b = torch.randn(2, requires_grad=True)
print(w)
print(b)
tensor([[ 0.0991,  0.9799, -0.9378],
        [-0.4636, -0.4386, -0.7802]], requires_grad=True)
tensor([-0.5751, -0.7712], requires_grad=True)

torch.randn creates a tensor with the given shape, with elements picked randomly from a normal distribution with mean 0 and standard deviation 1.

Our model is simply a function that performs a matrix multiplication of the inputs and the weights w (transposed) and adds the bias b (replicated for each observation).

matrix-mult

We can define the model as follows:

def model(x):
    return x @ w.t() + b

@ represents matrix multiplication in PyTorch, and the .t method returns the transpose of a tensor.

The matrix obtained by passing the input data into the model is a set of predictions for the target variables.

# Generate predictions
preds = model(inputs)
print(preds)
tensor([[  31.9884,  -97.5489],
        [  34.6570, -131.4889],
        [  84.9622, -145.1297],
        [  16.9713,  -95.7842],
        [  34.6894, -129.4807]], grad_fn=<AddBackward0>)

Let's compare the predictions of our model with the actual targets.

# Compare with targets
print(targets)
tensor([[ 56.,  70.],
        [ 81., 101.],
        [119., 133.],
        [ 22.,  37.],
        [103., 119.]])

You can see that there's a huge difference between the predictions of our model, and the actual values of the target variables. Obviously, this is because we've initialized our model with random weights and biases, and we can't expect it to just work.

Loss function

Before we improve our model, we need a way to evaluate how well our model is performing. We can compare the model's predictions with the actual targets, using the following method:

  • Calculate the difference between the two matrices (preds and targets).
  • Square all elements of the difference matrix to remove negative values.
  • Calculate the average of the elements in the resulting matrix.

The result is a single number, known as the mean squared error (MSE).

# MSE loss
def mse(t1, t2):
    diff = t1 - t2
    return torch.sum(diff * diff) / diff.numel()

torch.sum returns the sum of all the elements in a tensor, and the .numel method returns the number of elements in a tensor. Let's compute the mean squared error for the current predictions of our model.

# Compute loss
loss = mse(preds, targets)
print(loss)
tensor(24742.8535, grad_fn=<DivBackward0>)

Here’s how we can interpret the result: On average, each element in the prediction differs from the actual target by about 145 (square root of the loss 24742). And that’s pretty bad, considering the numbers we are trying to predict are themselves in the range 50–200. Also, the result is called the loss, because it indicates how bad the model is at predicting the target variables. Lower the loss, better the model.

Compute gradients

With PyTorch, we can automatically compute the gradient or derivative of the loss w.r.t. to the weights and biases, because they have requires_grad set to True.

# Compute gradients
loss.backward()

The gradients are stored in the .grad property of the respective tensors. Note that the derivative of the loss w.r.t. the weights matrix is itself a matrix, with the same dimensions.

# Gradients for weights
print(w)
print(w.grad)
tensor([[ 0.0991,  0.9799, -0.9378],
        [-0.4636, -0.4386, -0.7802]], requires_grad=True)
tensor([[ -2831.5396,  -3404.4133,  -2188.0879],
        [-17654.8008, -19703.6074, -12104.4150]])

The loss is a quadratic function of our weights and biases, and our objective is to find the set of weights where the loss is the lowest. If we plot a graph of the loss w.r.t any individual weight or bias element, it will look like the figure shown below. A key insight from calculus is that the gradient indicates the rate of change of the loss, or the slope of the loss function w.r.t. the weights and biases.

If a gradient element is positive:

  • increasing the element's value slightly will increase the loss.
  • decreasing the element's value slightly will decrease the loss

postive-gradient

If a gradient element is negative:

  • increasing the element's value slightly will decrease the loss.
  • decreasing the element's value slightly will increase the loss.

negative=gradient

The increase or decrease in loss by changing a weight element is proportional to the value of the gradient of the loss w.r.t. that element. This forms the basis for the optimization algorithm that we'll use to improve our model.

Before we proceed, we reset the gradients to zero by calling .zero_() method. We need to do this, because PyTorch accumulates, gradients i.e. the next time we call .backward on the loss, the new gradient values will get added to the existing gradient values, which may lead to unexpected results.

w.grad.zero_()
b.grad.zero_()
print(w.grad)
print(b.grad)
tensor([[0., 0., 0.],
        [0., 0., 0.]])
tensor([0., 0.])

Adjust weights and biases using gradient descent

We'll reduce the loss and improve our model using the gradient descent optimization algorithm, which has the following steps:

  1. Generate predictions

  2. Calculate the loss

  3. Compute gradients w.r.t the weights and biases

  4. Adjust the weights by subtracting a small quantity proportional to the gradient

  5. Reset the gradients to zero

Let's implement the above step by step.

# Generate predictions
preds = model(inputs)
print(preds)
tensor([[  31.9884,  -97.5489],
        [  34.6570, -131.4889],
        [  84.9622, -145.1297],
        [  16.9713,  -95.7842],
        [  34.6894, -129.4807]], grad_fn=<AddBackward0>)

Note that the predictions are same as before, since we haven't made any changes to our model. The same holds true for the loss and gradients.

# Calculate the loss
loss = mse(preds, targets)
print(loss)
tensor(24742.8535, grad_fn=<DivBackward0>)
# Compute gradients
loss.backward()
print(w.grad)
print(b.grad)
tensor([[ -2831.5396,  -3404.4133,  -2188.0879],
        [-17654.8008, -19703.6074, -12104.4150]])
tensor([ -35.5463, -211.8865])

Finally, we update the weights and biases using the gradients computed above.

# Adjust weights & reset gradients
with torch.no_grad():
    w -= w.grad * 1e-5
    b -= b.grad * 1e-5
    w.grad.zero_()
    b.grad.zero_()

A few things to note above:

  • We use torch.no_grad to indicate to PyTorch that we shouldn't track, calculate or modify gradients while updating the weights and biases. 

  • We multiply the gradients with a really small number (10^-5 in this case), to ensure that we don't modify the weights by a really large amount, since we only want to take a small step in the downhill direction of the gradient. This number is called the learning rate of the algorithm. 

  • After we have updated the weights, we reset the gradients back to zero, to avoid affecting any future computations.

Let's take a look at the new weights and biases.

print(w)
print(b)
tensor([[ 0.1274,  1.0139, -0.9159],
        [-0.2870, -0.2416, -0.6592]], requires_grad=True)
tensor([-0.5748, -0.7691], requires_grad=True)

With the new weights and biases, the model should have lower loss.

# Calculate loss
preds = model(inputs)
loss = mse(preds, targets)
print(loss)
tensor(16813.5664, grad_fn=<DivBackward0>)

We have already achieved a significant reduction in the loss, simply by adjusting the weights and biases slightly using gradient descent.

Train for multiple epochs

To reduce the loss further, we can repeat the process of adjusting the weights and biases using the gradients multiple times. Each iteration is called an epoch. Let's train the model for 100 epochs.

# Train for 100 epochs
for i in range(100):
    preds = model(inputs)
    loss = mse(preds, targets)
    loss.backward()
    with torch.no_grad():
        w -= w.grad * 1e-5
        b -= b.grad * 1e-5
        w.grad.zero_()
        b.grad.zero_()

Once again, let's verify that the loss is now lower:

# Calculate loss
preds = model(inputs)
loss = mse(preds, targets)
print(loss)
tensor(219.8388, grad_fn=<DivBackward0>)

As you can see, the loss is now much lower than what we started out with. Let's look at the model's predictions and compare them with the targets.

# Predictions
preds
tensor([[ 59.9863,  74.3278],
        [ 73.4394,  96.7516],
        [134.0960, 135.4074],
        [ 36.9610,  60.4441],
        [ 77.2880,  98.4986]], grad_fn=<AddBackward0>)
# Targets
targets
tensor([[ 56.,  70.],
        [ 81., 101.],
        [119., 133.],
        [ 22.,  37.],
        [103., 119.]])

The prediction are now quite close to the target variables, and we can get even better results by training for a few more epochs.

Linear regression using PyTorch built-ins

The model and training process above were implemented using basic matrix operations. But since this such a common pattern , PyTorch has several built-in functions and classes to make it easy to create and train models.

Let's begin by importing the torch.nn package from PyTorch, which contains utility classes for building neural networks.

import torch.nn as nn

As before, we represent the inputs and targets and matrices.

# Input (temp, rainfall, humidity)
inputs = np.array([[73, 67, 43], [91, 88, 64], [87, 134, 58], 
                   [102, 43, 37], [69, 96, 70], [73, 67, 43], 
                   [91, 88, 64], [87, 134, 58], [102, 43, 37], 
                   [69, 96, 70], [73, 67, 43], [91, 88, 64], 
                   [87, 134, 58], [102, 43, 37], [69, 96, 70]], 
                  dtype='float32')

# Targets (apples, oranges)
targets = np.array([[56, 70], [81, 101], [119, 133], 
                    [22, 37], [103, 119], [56, 70], 
                    [81, 101], [119, 133], [22, 37], 
                    [103, 119], [56, 70], [81, 101], 
                    [119, 133], [22, 37], [103, 119]], 
                   dtype='float32')

inputs = torch.from_numpy(inputs)
targets = torch.from_numpy(targets)
inputs
tensor([[ 73.,  67.,  43.],
        [ 91.,  88.,  64.],
        [ 87., 134.,  58.],
        [102.,  43.,  37.],
        [ 69.,  96.,  70.],
        [ 73.,  67.,  43.],
        [ 91.,  88.,  64.],
        [ 87., 134.,  58.],
        [102.,  43.,  37.],
        [ 69.,  96.,  70.],
        [ 73.,  67.,  43.],
        [ 91.,  88.,  64.],
        [ 87., 134.,  58.],
        [102.,  43.,  37.],
        [ 69.,  96.,  70.]])

We are using 15 training examples this time, to illustrate how to work with large datasets in small batches.

Dataset and DataLoader

We'll create a TensorDataset, which allows access to rows from inputs and targets as tuples, and provides standard APIs for working with many different types of datasets in PyTorch.

from torch.utils.data import TensorDataset
# Define dataset
train_ds = TensorDataset(inputs, targets)
train_ds[0:3]
(tensor([[ 73.,  67.,  43.],
         [ 91.,  88.,  64.],
         [ 87., 134.,  58.]]),
 tensor([[ 56.,  70.],
         [ 81., 101.],
         [119., 133.]]))

The TensorDataset allows us to access a small section of the training data using the array indexing notation ([0:3] in the above code). It returns a tuple (or pair), in which the first element contains the input variables for the selected rows, and the second contains the targets.

We'll also create a DataLoader, which can split the data into batches of a predefined size while training. It also provides other utilities like shuffling and random sampling of the data.

from torch.utils.data import DataLoader
# Define data loader
batch_size = 5
train_dl = DataLoader(train_ds, batch_size, shuffle=True)

The data loader is typically used in a for-in loop. Let's look at an example.

for xb, yb in train_dl:
    print(xb)
    print(yb)
    break
tensor([[ 91.,  88.,  64.],
        [ 73.,  67.,  43.],
        [ 69.,  96.,  70.],
        [ 87., 134.,  58.],
        [ 69.,  96.,  70.]])
tensor([[ 81., 101.],
        [ 56.,  70.],
        [103., 119.],
        [119., 133.],
        [103., 119.]])

In each iteration, the data loader returns one batch of data, with the given batch size. If shuffle is set to True, it shuffles the training data before creating batches. Shuffling helps randomize the input to the optimization algorithm, which can lead to faster reduction in the loss.

nn.Linear

Instead of initializing the weights & biases manually, we can define the model using the nn.Linear class from PyTorch, which does it automatically.

# Define model
model = nn.Linear(3, 2)
print(model.weight)
print(model.bias)
Parameter containing:
tensor([[ 0.4430, -0.4030, -0.5242],
        [ 0.4627,  0.0753,  0.4662]], requires_grad=True)
Parameter containing:
tensor([0.5011, 0.1109], requires_grad=True)

PyTorch models also have a helpful .parameters method, which returns a list containing all the weights and bias matrices present in the model. For our linear regression model, we have one weight matrix and one bias matrix.

# Parameters
list(model.parameters())
[Parameter containing:
 tensor([[ 0.4430, -0.4030, -0.5242],
         [ 0.4627,  0.0753,  0.4662]], requires_grad=True),
 Parameter containing:
 tensor([0.5011, 0.1109], requires_grad=True)]

We can use the model to generate predictions in the exact same way as before:

# Generate predictions
preds = model(inputs)
preds
tensor([[-16.7046,  58.9756],
        [-28.2028,  78.6743],
        [-45.3696,  77.4884],
        [  8.9606,  67.7903],
        [-44.3184,  71.8943],
        [-16.7046,  58.9756],
        [-28.2028,  78.6743],
        [-45.3696,  77.4884],
        [  8.9606,  67.7903],
        [-44.3184,  71.8943],
        [-16.7046,  58.9756],
        [-28.2028,  78.6743],
        [-45.3696,  77.4884],
        [  8.9606,  67.7903],
        [-44.3184,  71.8943]], grad_fn=<AddmmBackward>)

Loss Function

Instead of defining a loss function manually, we can use the built-in loss function mse_loss.

# Import nn.functional
import torch.nn.functional as F

The nn.functional package contains many useful loss functions and several other utilities.

# Define loss function
loss_fn = F.mse_loss

Let's compute the loss for the current predictions of our model.

loss = loss_fn(model(inputs), targets)
print(loss)
tensor(7296.9834, grad_fn=<MseLossBackward>)

Optimizer

Instead of manually manipulating the model's weights & biases using gradients, we can use the optimizer optim.SGD. SGD stands for stochastic gradient descent. It is called stochastic because samples are selected in batches (often with random shuffling) instead of as a single group.

# Define optimizer
opt = torch.optim.SGD(model.parameters(), lr=1e-5)

Note that model.parameters() is passed as an argument to optim.SGD, so that the optimizer knows which matrices should be modified during the update step. Also, we can specify a learning rate which controls the amount by which the parameters are modified.

Train the model

We are now ready to train the model. We'll follow the exact same process to implement gradient descent:

  1. Generate predictions

  2. Calculate the loss

  3. Compute gradients w.r.t the weights and biases

  4. Adjust the weights by subtracting a small quantity proportional to the gradient

  5. Reset the gradients to zero

The only change is that we'll work batches of data, instead of processing the entire training data in every iteration. Let's define a utility function fit which trains the model for a given number of epochs.

# Utility function to train the model
def fit(num_epochs, model, loss_fn, opt, train_dl):
    
    # Repeat for given number of epochs
    for epoch in range(num_epochs):
        
        # Train with batches of data
        for xb,yb in train_dl:
            
            # 1. Generate predictions
            pred = model(xb)
            
            # 2. Calculate loss
            loss = loss_fn(pred, yb)
            
            # 3. Compute gradients
            loss.backward()
            
            # 4. Update parameters using gradients
            opt.step()
            
            # 5. Reset the gradients to zero
            opt.zero_grad()
        
        # Print the progress
        if (epoch+1) % 10 == 0:
            print('Epoch [{}/{}], Loss: {:.4f}'.format(epoch+1, num_epochs, loss.item()))

Some things to note above:

  • We use the data loader defined earlier to get batches of data for every iteration.

  • Instead of updating parameters (weights and biases) manually, we use opt.step to perform the update, and opt.zero_grad to reset the gradients to zero.

  • We've also added a log statement which prints the loss from the last batch of data for every 10th epoch, to track the progress of training. loss.item returns the actual value stored in the loss tensor.

Let's train the model for 100 epochs.

fit(100, model, loss_fn, opt, train_dl)
Epoch [10/100], Loss: 866.8568
Epoch [20/100], Loss: 563.1091
Epoch [30/100], Loss: 316.7956
Epoch [40/100], Loss: 128.2728
Epoch [50/100], Loss: 305.4437
Epoch [60/100], Loss: 185.6665
Epoch [70/100], Loss: 101.3508
Epoch [80/100], Loss: 36.5605
Epoch [90/100], Loss: 84.5572
Epoch [100/100], Loss: 54.1609

Let's generate predictions using our model and verify that they're close to our targets.

# Generate predictions
preds = model(inputs)
preds
tensor([[ 59.5274,  71.7325],
        [ 79.2080,  99.9687],
        [121.6579, 132.1071],
        [ 33.9094,  45.1424],
        [ 89.3203, 113.2075],
        [ 59.5274,  71.7325],
        [ 79.2080,  99.9687],
        [121.6579, 132.1071],
        [ 33.9094,  45.1424],
        [ 89.3203, 113.2075],
        [ 59.5274,  71.7325],
        [ 79.2080,  99.9687],
        [121.6579, 132.1071],
        [ 33.9094,  45.1424],
        [ 89.3203, 113.2075]], grad_fn=<AddmmBackward>)
# Compare with targets
targets
tensor([[ 56.,  70.],
        [ 81., 101.],
        [119., 133.],
        [ 22.,  37.],
        [103., 119.],
        [ 56.,  70.],
        [ 81., 101.],
        [119., 133.],
        [ 22.,  37.],
        [103., 119.],
        [ 56.,  70.],
        [ 81., 101.],
        [119., 133.],
        [ 22.,  37.],
        [103., 119.]])

Indeed, the predictions are quite close to our targets, and now we have a fairly good model to predict crop yields for apples and oranges by looking at the average temperature, rainfall and humidity in a region.

Reference / Credits :

This is the lecture material from the online course taught on Youtube - Link