About: Simple things should be simple, complex things should be possible -- Alan Kay
Joined:
Feb 25, 2018
PyTorch Hello World
Publish Date: Aug 15 '19
91 2
I recently started working with PyTorch, a Python framework for neural networks and machine learning. Since machine learning involves processing large amounts of data, sometimes it can be hard to understand the results that one gets back from the network. Before getting into anything more complicated, let's replicate a really basic backpropagation as a sanity check. To run the code in this article, you'll need to install NumPy and PyTorch.
In neural networks primer, we saw how to manually calculate the forward and back propagation for a tiny network consisting of one input neuron, one hidden neuron, and one output neuron:
We ran an input of 0.8 through the network, then backpropagated using 1 as the target value, with a learning rate of 0.1. We used sigmoid as the activation function and the quadratic cost function to compare the actual output from the network with the desired output.
The code below uses PyTorch to do the same thing:
importtorchimporttorch.nnasnnimporttorch.optimasoptimclassNet(nn.Module):def__init__(self):super(Net,self).__init__()self.hidden_layer=nn.Linear(1,1)self.hidden_layer.weight=torch.nn.Parameter(torch.tensor([[1.58]]))self.hidden_layer.bias=torch.nn.Parameter(torch.tensor([-0.14]))self.output_layer=nn.Linear(1,1)self.output_layer.weight=torch.nn.Parameter(torch.tensor([[2.45]]))self.output_layer.bias=torch.nn.Parameter(torch.tensor([-0.11]))defforward(self,x):x=torch.sigmoid(self.hidden_layer(x))x=torch.sigmoid(self.output_layer(x))returnxnet=Net()print(f"network topology: {net}")print(f"w_l1 = {round(net.hidden_layer.weight.item(),4)}")print(f"b_l1 = {round(net.hidden_layer.bias.item(),4)}")print(f"w_l2 = {round(net.output_layer.weight.item(),4)}")print(f"b_l2 = {round(net.output_layer.bias.item(),4)}")# run input data forward through network
input_data=torch.tensor([0.8])output=net(input_data)print(f"a_l2 = {round(output.item(),4)}")# backpropagate gradient
target=torch.tensor([1.])criterion=nn.MSELoss()loss=criterion(output,target)net.zero_grad()loss.backward()# update weights and biases
optimizer=optim.SGD(net.parameters(),lr=0.1)optimizer.step()print(f"updated_w_l1 = {round(net.hidden_layer.weight.item(),4)}")print(f"updated_b_l1 = {round(net.hidden_layer.bias.item(),4)}")print(f"updated_w_l2 = {round(net.output_layer.weight.item(),4)}")print(f"updated_b_l2 = {round(net.output_layer.bias.item(),4)}")output=net(input_data)print(f"updated_a_l2 = {round(output.item(),4)}")
Some notes on this code:
nn.Linear is used for fully connected, or dense, layers. For this simple case, we have a single input and a single output for each layer.
The forward method is called when we pass the input into the network with output = net(input_data).
By default, PyTorch sets up random weights and biases. However, here we initialize them directly since we want the results to match our manual calculation (shown later in the article).
In PyTorch, tensor is analogous to array in numpy.
criterion = nn.MSELoss() sets up the quadratic cost function - though it's called the mean squared error loss function in PyTorch.
loss = criterion(output, target) calculates the cost, also known as the loss.
Next we use net.zero_grad() to reset the gradient to zero (otherwise the backpropagation is cumulative). It isn't strictly necessary here, but it's good to keep this in mind when running backpropagation in a loop.
loss.backward() computes the gradient, i.e. the derivative of the cost with respect to all of the weights and biases.
Finally we use this gradient to update the weights and biases in the network using the SGD (stochastic gradient descent) optimizer, with a learning rate of 0.1.
We print out the network topology as well as the weights, biases, and output, both before and after the backpropagation step.
Below, let's replicate this calculation with plain Python. This calculation is almost the same as the one we saw in the neural networks primer. The only difference is that PyTorch's MSELoss function doesn't have the extra division by 2, so in the code below, I've adjusted dc_da_l2 = 2 * (a_l2-1) to match what PyTorch does:
We can see that the results match the ones from the PyTorch network! In the next article, we'll use PyTorch to recognize digits from the MNIST database.
The next examples recognize MNIST digits using a dense network at first, and then several convolutional network designs (examples are adapted from Michael Nielsen's book, Neural Networks and Deep Learning).
The only difference is that PyTorch's MSELoss function doesn't have the extra division by 2, so in the code below, I've adjusted dc_da_l2 = 2 * (a_l2-1) to match what PyTorch does
The only difference is that PyTorch's MSELoss function doesn't have the extra division by 2, so in the code below, I've adjusted dc_da_l2 = 2 * (a_l2-1) to match what PyTorch does
=> And so you dont exponent by 2!?