神经网络可以使用torch.nn
工具包创建.
到现在,你已经了解过了autograd
,nn
依赖于autograd
来定义模型,以及对模型计算内部相关张量的微分. 一个nn.Module
包含一些层和一个用于返回输出的forward(input)
方法.
例如,看看以下这个用于对图像中的数字进行分类的网络:
这是一个简单的前馈网络. 它将输入的图像通过一个紧接着一个的网络层后,最终得到输出.
一个经典额神经网络训练过程如下:
weight = weight - learning_rate * gradient
定义网络如下:
import torch
import torch.nn as nn
import torch.nn.functional as F
class Net(nn.Module):
def __init__(self):
super(Net, self).__init__()
# 1 input image channel, 6 output channels, 5x5 square convolution kernel
self.conv1 = nn.Conv2d(1, 6, 5)
self.conv2 = nn.Conv2d(6, 16, 5)
# an affine operation: y = Wx + b
self.fc1 = nn.Linear(16*5*5, 120)
self.fc2 = nn.Linear(120, 84)
self.fc3 = nn.Linear(84, 10)
def forward(self, x):
# Max pooling over a (2, 2) window
x = F.max_pool2d(F.relu(self.conv1(x)), (2, 2))
# If the size is a square you can only specify a single number
x = F.max_pool2d(F.relu(self.conv2(x)), 2)
x = F.view(-1, self.num_flat_features(x))
x = F.relu(self.fc1(x))
x = F.relu(self.fc2(x))
x = self.fc3(x)
return x
def num_flat_features(self, x):
size = x.size()[:] # all dimensions except the batch dimension
num_features = 1
for s in size:
num_features *= s
return num_features
net = Net()
print(net)
Out:
Net(
(conv1): Conv2d(1, 6, kernel_size=(5, 5), stride=(1, 1))
(conv2): Conv2d(6, 16, kernel_size=(5, 5), stride=(1, 1))
(fc1): Linear(in_features=400, out_features=120, bias=True)
(fc2): Linear(in_features=120, out_features=84, bias=True)
(fc3): Linear(in_features=84, out_features=10, bias=True)
)
你仅需要定义forward
函数,计算梯度的backfard
函数会自动地使用autograd
定义. 在forward
函数中,你可以使用张量的任何操作.
net.parameters()
可以将一个模型的可学习参数返回.
params = list(net.parameters())
print(len(params))
print(params[0].size()) # conv1's .weight
Out:
10
torch.Size([6, 1, 5, 5])
尝试输入一个随机的32x32的图像矩阵,这个网络(LeNet)的输入是32x32. 为了在MNIST数据集上使用这个网络,需要将数据集中的图像resize到32x32.
input = torch.randn(1, 1, 32, 32)
out = net(input)
print(out)
Out:
tensor([[-0.0746, 0.0580, 0.0221, 0.0362, -0.0902, -0.0801, -0.0604, 0.0067,
-0.0524, -0.0660]], grad_fn=<AddmmBackward>)
将所有参数的梯度缓冲置零并用随机梯度进行反向传播:
net.zero_grad()
out.backward(torch.randn(1, 10))
提示:
torch.nn
只支持mini-batches
,整个torch.nn
工具包只支持小批量样本这种输入格式,不支持单一的输入样本.
例如,nn.Conv2d
以4维张量为输入:nSamples x nChannels x Height x Width
如果要输入一个单一的张量,只需要使用input.unsqueeze(0)
去增加一个伪的批次维度.
经过上述的过程,我们重新简要的复习一下至今所遇到的类.
扼要重述:
torch.Tensor
– 支持自动梯度求导的多维数组,如backward()
. 同时,其可以保留关于张量的梯度.nn.Parameter
– 张量的一种,当它作为一个属性分配给一个模块时,它会被自动注册为一个参数.autograd.Function
– 实现一个自动求导操作的前向和反向定义. 每个Tensor
操作至少创建一个Function
节点,这个节点连接到创建张量的函数并对其历史进行编码.在这节中,我们涵盖了:
backward
损失函数获取(output, target)
对作为输入,并计算一个值,该值估计输出与目标之间的距离.
在nn包下有几个不同的损失函数. 一个简单的损失是nn.MSELoss
. 它计算输入和目标之间的均方误差.
例如:
output = net(input)
target = torch.randn(10) # a dummy target, for example
target = target.view(1, -1)
criterion = nn.MSELoss()
loss = criterion(output, target)
print(loss)
Out:
tensor(2.2868, grad_fn=<MseLossBackward>)
现在,如果使用.grad_fn
属性在反向跟踪loss
,可以看到如下的计算图:
input -> conv2d -> relu -> maxpool2d -> conv2d -> relu -> maxpool2d
-> view -> linear -> relu -> linear -> relu -> linear
-> MSELoss
-> loss
所以,当我们调用loss.backward()
时,整个图被loss
微分,图中所有requires_grad=True
的张量都会有它们的.grad
张量随着梯度累积.
作为例证,我们跟踪几步反向操作:
print(loss.grad_fn)
print(loss.grad_fn.next_function[0][0])
print(loss.grad_fn_function[0][0].next_functions[0][0])
Out:
<MseLossBackward object at 0x7f648c8c8b70>
<AddmmBackward object at 0x7f648c8c8be0>
<AccumulateGrad object at 0x7f648c8c8be0>
使用反向传播我们只需要调用``. 首先需要已经存在的梯度,否则已经存在的梯度会累加.
现在我们会调用loss.backward()
我们来看看反向传播前后conv1
的bias的梯度.
net.zero_grad() # zeroes the gradient buffers of all parameters
print(conv1.bias.grad before backward)
print(net.conv1.bias.grad)
loss.backward()
print('conv1.bias.grad after backward')
print(net.conv1.bias.grad)
Out:
conv1.bias.grad before backward
tensor([0., 0., 0., 0., 0., 0.])
conv1.bias.grad after backward
tensor([-0.0333, -0.0031, 0.0122, -0.0403, 0.0307, -0.0171])
现在,我们已经看到了怎样取使用损失函数.
稍后:
神经网络包包含各种模块和损失函数,这些模块和损失函数构成了深度神经网络的构建模块。这里有完整的文档列表.
接下来要学习的是:
在实践中最简单的更新权重的规则是随机梯度下降法( Stochastic Gradient Descent ,SGD):
weight = weight - learning_rate * gradient
我们可以通过以下简单的python代码实现它:
learning_rate = 0.01
for f in net.parameters():
f.data.sub_(f.grad.data * learning_rate)
然而,由于要使用神经网络,我们要使用许多种不同的更新规则,如SGD, Nesterov-SGD, Adam, RMSProp等,为了达到目的,我们可以使用一个小巧的工具包:torch.optim
,它实现了上述所有的方法,使用起来也很简单:
import torch.optim as optim
# create your optimizer
optimizer = optim.SGD(net.parameters(), lr=0.01)
# in your training loop:
optimizer.zero_grad() # zero the gradient buffers
output = net(input)
loss = criterion(output, target)
loss.backward()
optimizer.step() # Does the update
提示:
观察到梯度缓存必须使用optimizer.zero_grad()
手动地置零,这是因为梯度会累加,正如反向节所说的那样
pytorch官方网站