溫馨提示×

溫馨提示×

您好,登錄后才能下訂單哦!

密碼登錄×
登錄注冊×
其他方式登錄
點擊 登錄注冊 即表示同意《億速云用戶服務條款》

PyTorch的深度學習入門教程之構(gòu)建神經(jīng)網(wǎng)絡

發(fā)布時間:2020-09-04 16:02:16 來源:腳本之家 閱讀:163 作者:雁回晴空 欄目:開發(fā)技術(shù)

前言

本文參考PyTorch官網(wǎng)的教程,分為五個基本模塊來介紹PyTorch。為了避免文章過長,這五個模塊分別在五篇博文中介紹。

Part3:使用PyTorch構(gòu)建一個神經(jīng)網(wǎng)絡

神經(jīng)網(wǎng)絡可以使用touch.nn來構(gòu)建。nn依賴于autograd來定義模型,并且對其求導。一個nn.Module包含網(wǎng)絡的層(layers),同時forward(input)可以返回output。

這是一個簡單的前饋網(wǎng)絡。它接受輸入,然后一層一層向前傳播,最后輸出一個結(jié)果。

訓練神經(jīng)網(wǎng)絡的典型步驟如下:

(1)  定義神經(jīng)網(wǎng)絡,該網(wǎng)絡包含一些可以學習的參數(shù)(如權(quán)重)

(2)  在輸入數(shù)據(jù)集上進行迭代

(3)  使用網(wǎng)絡對輸入數(shù)據(jù)進行處理

(4)  計算loss(輸出值距離正確值有多遠)

(5)  將梯度反向傳播到網(wǎng)絡參數(shù)中

(6)  更新網(wǎng)絡的權(quán)重,使用簡單的更新法則:weight = weight - learning_rate* gradient,即:新的權(quán)重=舊的權(quán)重-學習率*梯度值。

1 定義網(wǎng)絡

我們先定義一個網(wǎng)絡:

import torch
from torch.autograd import Variable
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 = x.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()[1:] # all dimensions except the batch dimension
    num_features = 1
    for s in size:
      num_features *= s
    return num_features


net = Net()
print(net)

預期輸出:

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 (400 ->120)

 (fc2): Linear (120 ->84)

 (fc3): Linear (84 ->10)

)

你只需要定義forward函數(shù),那么backward函數(shù)(梯度在此函數(shù)中計算)就會利用autograd來自動定義。你可以在forward函數(shù)中使用Tensor的任何運算。

學習到的參數(shù)可以被net.parameters()返回。

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

預期輸出:

10

torch.Size([6, 1, 5, 5])

前向計算的輸入和輸出都是autograd.Variable,注意,這個網(wǎng)絡(LeNet)的輸入尺寸是32*32。為了在MNIST數(shù)據(jù)集上使用這個網(wǎng)絡,請把圖像大小轉(zhuǎn)變?yōu)?2*32。

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

預期輸出:

Variable containing:
-0.0796 0.0330 0.0103 0.0250 0.1153 -0.0136 0.0234 0.0881 0.0374 -0.0359
[torch.FloatTensor of size 1x10]

將梯度緩沖區(qū)歸零,然后使用隨機梯度值進行反向傳播。

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

注意:torch.nn只支持mini-batches. 完整的torch.nn package只支持mini-batch形式的樣本作為輸入,并且不能只包含一個樣本。例如,nn.Conv2d會采用一個4D的Tensor(nSamples* nChannels * Height * Width)。如果你有一個單樣本,可以使用input.unsqueeze(0)來添加一個虛假的批量維度。

在繼續(xù)之前,讓我們回顧一下迄今為止所見過的所有類。

概述:

(1)  torch.Tensor——多維數(shù)組

(2)  autograd.Variable——包裝了一個Tensor,并且記錄了應用于其上的運算。與Tensor具有相同的API,同時增加了一些新東西例如backward()。并且有相對于該tensor的梯度值。

(3)  nn.Module——神經(jīng)網(wǎng)絡模塊。封裝參數(shù)的簡便方式,對于參數(shù)向GPU移動,以及導出、加載等有幫助。

(4)  nn.Parameter——這是一種變量(Variable),當作為一個屬性(attribute)分配到一個模塊(Module)時,可以自動注冊為一個參數(shù)(parameter)。

(5)  autograd.Function——執(zhí)行自動求導運算的前向和反向定義。每一個Variable運算,創(chuàng)建至少一個單獨的Function節(jié)點,該節(jié)點連接到創(chuàng)建了Variable并且編碼了它的歷史的函數(shù)身上。

2 損失函數(shù)(Loss Function)

損失函數(shù)采用輸出值和目標值作為輸入?yún)?shù),來計算輸出值距離目標值還有多大差距。在nn package中有很多種不同的損失函數(shù),最簡單的一個loss就是nn.MSELoss,它計算輸出值和目標值之間的均方差。

例如:

output = net(input)
target = Variable(torch.arange(1, 11)) # a dummy target, for example
criterion = nn.MSELoss()

loss = criterion(output, target)
print(loss)

現(xiàn)在,從反向看loss,使用.grad_fn屬性,你會看到一個計算graph如下:

input -> conv2d -> relu -> maxpool2d -> conv2d -> relu -> maxpool2d
   -> view -> linear -> relu -> linear -> relu -> linear
   -> MSELoss
   -> loss

當我們調(diào)用loss.backward(),整個的graph關(guān)于loss求導,graph中的所有Variables都會有他們自己的.grad變量。

為了理解,我們進行幾個反向步驟。

print(loss.grad_fn) # MSELoss
print(loss.grad_fn.next_functions[0][0]) # Linear
print(loss.grad_fn.next_functions[0][0].next_functions[0][0]) # ReLU

預期輸出:

<torch.autograd.function.MSELossBackwardobjectat0x7fb3c0dcf4f8>

<torch.autograd.function.AddmmBackwardobjectat0x7fb3c0dcf408>

<AccumulateGradobjectat0x7fb3c0db79e8>

3 反向傳播(Backprop)

可以使用loss.backward()進行誤差反向傳播。你需要清除已經(jīng)存在的梯度值,否則梯度將會積累到現(xiàn)有的梯度上。

現(xiàn)在,我們調(diào)用loss.backward(),看一看conv1的bias 梯度在backward之前和之后的值。

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)

4 更新權(quán)重

實踐當中最簡單的更新法則就是隨機梯度下降法( StochasticGradient Descent (SGD))

weight = weight - learning_rate * gradient

執(zhí)行這個操作的python代碼如下:

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

但是當你使用神經(jīng)網(wǎng)絡的時候,你可能會想要嘗試多種不同的更新法則,例如SGD,Nesterov-SGD, Adam, RMSProp等。為了實現(xiàn)此功能,有一個package叫做torch.optim已經(jīng)實現(xiàn)了這些。使用它也很方便:

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

以上就是本文的全部內(nèi)容,希望對大家的學習有所幫助,也希望大家多多支持億速云。

向AI問一下細節(jié)

免責聲明:本站發(fā)布的內(nèi)容(圖片、視頻和文字)以原創(chuàng)、轉(zhuǎn)載和分享為主,文章觀點不代表本網(wǎng)站立場,如果涉及侵權(quán)請聯(lián)系站長郵箱:is@yisu.com進行舉報,并提供相關(guān)證據(jù),一經(jīng)查實,將立刻刪除涉嫌侵權(quán)內(nèi)容。

AI