当前位置:   article > 正文

Pythorch 教程-Neural Network

pythorch

总则

神经网络的典型训练过程如下:

  • 搭建网络架构:定义具有可学习参数(或权重)的神经网络
  • 数据输入:遍历输入数据集
  • 计算ouputs:通过网络处理输入
  • 计算损失
  • BP:将梯度传播回网络参数
  • 更新网络权重:通常使用简单的更新规则:权重=权重-learning_rate *梯度

1. 搭建网络架构(Define the network)-计算output

torch.nn定义网络的参数结构,torch.nn.functional进行前向传播运算,torch.autograd做后向传播运算

  1. import torch
  2. import torch.nn as nn
  3. import torch.nn.functional as F
  4. class Net(nn.Module):
  5. def __init__(self):
  6. super(Net, self).__init__()
  7. # 1 input image channel, 6 output channels, 3x3 square convolution
  8. # kernel
  9. self.conv1 = nn.Conv2d(1, 6, 3)
  10. self.conv2 = nn.Conv2d(6, 16, 3)
  11. # an affine operation: y = Wx + b
  12. self.fc1 = nn.Linear(16 * 6 * 6, 120) # 6*6 from image dimension
  13. self.fc2 = nn.Linear(120, 84)
  14. self.fc3 = nn.Linear(84, 10)
  15. def forward(self, x):
  16. # Max pooling over a (2, 2) window
  17. x = F.max_pool2d(F.relu(self.conv1(x)), (2, 2))
  18. # If the size is a square you can only specify a single number
  19. x = F.max_pool2d(F.relu(self.conv2(x)), 2)
  20. x = x.view(-1, self.num_flat_features(x))
  21. x = F.relu(self.fc1(x))
  22. x = F.relu(self.fc2(x))
  23. x = self.fc3(x)
  24. return x
  25. def num_flat_features(self, x):
  26. size = x.size()[1:] # all dimensions except the batch dimension
  27. num_features = 1
  28. for s in size:
  29. num_features *= s
  30. return num_features
  31. net = Net()
  32. print(net)

output:

  1. Net(
  2. (conv1): Conv2d(1, 6, kernel_size=(3, 3), stride=(1, 1))
  3. (conv2): Conv2d(6, 16, kernel_size=(3, 3), stride=(1, 1))
  4. (fc1): Linear(in_features=576, out_features=120, bias=True)
  5. (fc2): Linear(in_features=120, out_features=84, bias=True)
  6. (fc3): Linear(in_features=84, out_features=10, bias=True)
  7. )

用图来表示网络架构长这样:

convnet

Net类中包含了三个部分:__init__函数定义卷积核和全连接层的性质(每个数字分别代表了什么?);forward函数里定义所有的张量操作。(后向传播操作已经有autograd包指定,不需要自己定义)

代码解析

conv2d

class torch.nn.Conv2d(in_channels, (in_channels,out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True)
  • in_channels:输入信号通道数
  • out_channels:输出通道数
  • kerner_size(int or tuple) - 卷积核的尺寸
  • stride(int or tupleoptional) - 卷积步长
  • padding(int or tupleoptional) - 输入的每一条边补充0的层数
  • dilation(int or tupleoptional) – 卷积核元素之间的间距
  • groups(intoptional) – 从输入通道到输出通道的阻塞连接数
  • bias(booloptional) - 如果bias=True,添加偏置

linear

  1. class torch.nn.Linear(in_features, out_features, bias=True)

对输入数据做线性变换:y=Ax+by=Ax+b

  • in_features - 每个输入样本的大小
  • out_features - 每个输出样本的大小
  • bias - 若设置为False,这层不会学习偏置。默认值:True

relu:非线性激活函数

torch.nn.functional.relu(input, inplace=False)

max_pool2d

torch.nn.functional.max_pool2d(input, kernel_size, stride=None, padding=0, dilation=1, ceil_mode=False, return_indices=False)

第一个pooling核大小为2*2,默认步长为0;第二个核大小为

net.parameters()返回模型参数

  1. params = list(net.parameters())
  2. print(len(params))
  3. print(params[0].size()) # conv1's .weight

output: 

  1. 10
  2. torch.Size([6, 1, 3, 3])

使用网络的例子

假设输入随机的32*32矩阵,out=net(input)表示用刚刚定义的网络计算出out。

  1. input = torch.randn(1, 1, 32, 32)
  2. out = net(input)
  3. print(out)

后向传播之前,先用net.zero_grad()把参数梯度存储清空。

  1. net.zero_grad()
  2. out.backward(torch.randn(1, 10))

注:torch.nn仅支持mini-batch输入。nn.Conv2d输入为4D张量,nSamples x nChannels x Height x Width

2. 损失函数

计算目标量和网络输出量的误差,有很多种定义。包中自带的其中一种为MES loss均方差损失。

  1. output = net(input)
  2. target = torch.randn(10) # a dummy target, for example
  3. target = target.view(1, -1) # make it the same shape as output
  4. criterion = nn.MSELoss()
  5. loss = criterion(output, target)
  6. print(loss)
  1. Out:
  2. tensor(0.6285, grad_fn=<MseLossBackward>)

由此我们计算出了output和target的误差,名为loss。

3. 后向传播

基于loss调用后向传播函数backward()。下面的代码查看了conv1在后向传播前后的偏差bias的变化,一开始0。

  1. net.zero_grad() # zeroes the gradient buffers of all parameters
  2. print('conv1.bias.grad before backward')
  3. print(net.conv1.bias.grad)
  4. loss.backward()
  5. print('conv1.bias.grad after backward')
  6. print(net.conv1.bias.grad)

4. 更新参数

torch.optim

随机梯度下降( Stochastic Gradient Descent ,SGD)是最实用简单的更新法则。

weight = weight - learning_rate * gradient

如果直接根据上述原理写代码,可以写作如下形式:

  1. learning_rate=0.01;
  2. for f in net.parameters():
  3. f.data.sub_(f.grad.data*learning_rate)

但这样在网络里面比较难用,所以有package叫torch.optim,包含了SGD在内的各种参数更新方法。

  1. import torch.optim as optim
  2. # create your optimizer
  3. optimizer=optim.SGD(net.parameters(),lr=0.01)
  4. # in your training loop:o
  5. optimizer.zero_grad() #把梯度缓存清为0
  6. out=net(input)
  7. loss=criterion(output,target)
  8. loss.backward()
  9. optimizer.step() #执行更新

 

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/IT小白/article/detail/357145
推荐阅读
相关标签
  

闽ICP备14008679号