這是https://zhuanlan.zhihu.com/p/25572330的學習筆記。html
Tensors和numpy中的ndarrays較爲類似, 所以Tensor也可以使用GPU來加速運算。python
from __future__ import print_function import torch x = torch.Tensor(5, 3) # 構造一個未初始化的5*3的矩陣 x = torch.rand(5, 3) # 構造一個隨機初始化的矩陣 x # 此處在notebook中輸出x的值來查看具體的x內容 x.size() #NOTE: torch.Size 事實上是一個tuple, 因此其支持相關的操做* y = torch.rand(5, 3) #此處 將兩個同形矩陣相加有兩種語法結構 x + y # 語法一 torch.add(x, y) # 語法二 # 另外輸出tensor也有兩種寫法 result = torch.Tensor(5, 3) # 語法一 torch.add(x, y, out=result) # 語法二 y.add_(x) # 將y與x相加 # 特別註明:任何能夠改變tensor內容的操做都會在方法名後加一個下劃線'_' # 例如:x.copy_(y), x.t_(), 這倆都會改變x的值。 #另外python中的切片操做也是資次的。 x[:,1] #這一操做會輸出x矩陣的第二列的全部值
http://pytorch.org/docs/master/torch.html git
tensors的100+種用法。github
Numpy橋數組
將Torch的Tensor和numpy的array相互轉換簡直就是灑灑水啦。注意Torch的Tensor和numpy的array會共享他們的存儲空間,修改一個會致使另外的一個也被修改。網絡
# 此處演示tensor和numpy數據結構的相互轉換 a = torch.ones(5) b = a.numpy() # 此處演示當修改numpy數組以後,與之相關聯的tensor也會相應的被修改 a.add_(1) print(a) print(b) # 將numpy的Array轉換爲torch的Tensor import numpy as np a = np.ones(5) b = torch.from_numpy(a) np.add(a, 1, out=a) print(a) print(b) # 另外除了CharTensor以外,全部的tensor均可以在CPU運算和GPU預算之間相互轉換 # 使用CUDA函數來將Tensor移動到GPU上 # 當CUDA可用時會進行GPU的運算 if torch.cuda.is_available(): x = x.cuda() y = y.cuda() x + y
首先咱們來簡要的看一下,以後咱們將訓練咱們第一個的神經網絡。數據結構
Autograd: 自動求導架構
autograd 包提供Tensor全部操做的自動求導方法。
這是一個運行時定義的框架,這意味着你的反向傳播是根據你代碼運行的方式來定義的,所以每一輪迭代均可以各不相同。框架
以這些例子來說,讓咱們用更簡單的術語來看看這些特性。dom
你能夠經過屬性 .data 來訪問原始的tensor,而關於這一Variable的梯度則集中於 .grad 屬性中。
Variable 和 Function 兩者相互聯繫而且構建了一個描述整個運算過程的無環圖。每一個Variable擁有一個 .creator 屬性,其引用了一個建立Variable的 Function。(除了用戶建立的Variable其 creator 部分是 None)。
若是你想要進行求導計算,你能夠在Variable上調用.backward()。 若是Variable是一個標量(例如它包含一個單元素數據),你無需對backward()指定任何參數,然而若是它有更多的元素,你須要指定一個和tensor的形狀想匹配的grad_output參數。
from torch.autograd import Variable x = Variable(torch.ones(2, 2), requires_grad = True) y = x + 2 y.creator # y 是做爲一個操做的結果建立的所以y有一個creator z = y * y * 3 out = z.mean() # 如今咱們來使用反向傳播 out.backward() # out.backward()和操做out.backward(torch.Tensor([1.0]))是等價的 # 在此處輸出 d(out)/dx x.grad
最終得出的結果應該是一個全是4.5的矩陣。設置輸出的變量爲o。咱們經過這一公式來計算:
,,,所以,,最後有
你可使用自動求導來作許多瘋狂的事情。
x = torch.randn(3) x = Variable(x, requires_grad = True) y = x * 2 while y.data.norm() < 1000: y = y * 2 gradients = torch.FloatTensor([0.1, 1.0, 0.0001]) //float是類型。 y.backward(gradients) // x.grad //返回y關於x的梯度向量
使用 torch.nn 包能夠進行神經網絡的構建。
如今你對autograd有了初步的瞭解,而nn創建在autograd的基礎上來進行模型的定義和微分。
nn.Module中包含着神經網絡的層,同時forward(input)方法可以將output進行返回。 //看不懂
舉個例子,來看一下這個數字圖像分類的神經網絡。
這是一個簡單的前饋神經網絡。 從前面獲取到輸入的結果,從一層傳遞到另外一層,最後輸出最後結果。
一個典型的神經網絡的訓練過程是這樣的:
讓咱們來定義一個神經網絡import torch.nn as nn
import torch.nn.functional as F class Net(nn.Module): def __init__(self): super(Net, self).__init__() self.conv1 = nn.Conv2d(1, 6, 5) # 1 input image channel, 6 output channels, 5x5 square convolution kernel self.conv2 = nn.Conv2d(6, 16, 5) self.fc1 = nn.Linear(16*5*5, 120) # an affine operation: y = Wx + b
FC(Full-connected)層
F6層:
輸入圖片大小: (1*1)*120
卷積窗大小: 1*1
卷積窗種類: 84
輸出特徵圖數量: 1
輸出特徵圖大小: 84
神經元數量: 84
鏈接數: 10164 120*84+84
可訓練參數: 10164 120*84+84
F6層有84個單元(之因此選這個數字的緣由來自於輸出層的設計),與C5層全相連。有10164個可訓練參數。如同經典神經網絡,F6層計算輸入向量和權重向量之間的點積,再加上一個偏置。而後將其傳遞給sigmoid函數產生單元i的一個狀態。
self.fc2 = nn.Linear(120, 84) self.fc3 = nn.Linear(84, 10) def forward(self, x): x = F.max_pool2d(F.relu(self.conv1(x)), (2, 2)) # Max pooling over a (2, 2) window x = F.max_pool2d(F.relu(self.conv2(x)), 2) # If the size is a square you can only specify a single number //看不懂 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() 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函數就能夠了,backward會自動地生成。
注意: torch.nn 只接受小批量的數據
整個torch.nn包只接受那種小批量樣本的數據,而非單個樣本。 例如,nn.Conv2d可以結構一個四維的TensornSamples x nChannels x Height x Width。
若是你拿的是單個樣本,使用input.unsqueeze(0)來加一個假維度就能夠了。
你能夠在forward函數中使用全部的Tensor中的操做。
模型中可學習的參數會由net.parameters()返回。
params = list(net.parameters()) print(len(params)) print(params[0].size()) # conv1's .weight input = Variable(torch.randn(1, 1, 32, 32)) out = net(input) '''out 的輸出結果以下 Variable containing: -0.0158 -0.0682 -0.1239 -0.0136 -0.0645 0.0107 -0.0230 -0.0085 0.1172 -0.0393 [torch.FloatTensor of size 1x10] ''' net.zero_grad() # 對全部的參數的梯度緩衝區進行歸零 //不明白 out.backward(torch.randn(1, 10)) # 使用隨機的梯度進行反向傳播 //不明白
複習一下前面咱們學到的:
到如今咱們已經明白的部分:
仍然沒整的:
一個代價函數接受(輸出,目標)對兒的輸入,並計算估計出輸出與目標之間的差距。
一個簡單的代價函數:nn.MSELoss計算輸入和目標之間的均方偏差。
舉個例子:
output = net(input) target = Variable(torch.range(1, 10)) # a dummy target, for example criterion = nn.MSELoss() loss = criterion(output, target) '''loss的值以下 Variable containing: 38.5849 [torch.FloatTensor of size 1] '''
如今,若是你跟隨loss從後往前看,使用.creator屬性你能夠看到這樣的一個計算流程圖:
input -> conv2d -> relu -> maxpool2d -> conv2d -> relu -> maxpool2d
-> view -> linear -> relu -> linear -> relu -> linear
-> MSELoss
-> loss
所以當咱們調用loss.backward()時整個圖經過代價來進行區分,圖中全部的變量都會以.grad來累積梯度。
# For illustration, let us follow a few steps backward print(loss.creator) # MSELoss print(loss.creator.previous_functions[0][0]) # Linear print(loss.creator.previous_functions[0][0].previous_functions[0][0]) # ReLU ''' <torch.nn._functions.thnn.auto.MSELoss object at 0x7fe8102dd7c8> <torch.nn._functions.linear.Linear object at 0x7fe8102dd708> <torch.nn._functions.thnn.auto.Threshold object at 0x7fe8102dd648> ''' # 如今咱們應當調用loss.backward(), 以後來看看 conv1's在進行反饋以後的偏置梯度如何 net.zero_grad() # 歸零操做 print('conv1.bias.grad before backward') print(net.conv1.bias.grad) loss.backward() print('conv1.bias.grad after backward') print(net.conv1.bias.grad) ''' 這些步驟的輸出結果以下 conv1.bias.grad before backward Variable containing: 0 0 0 0 0 0 [torch.FloatTensor of size 6] conv1.bias.grad after backward Variable containing: 0.0346 -0.0141 0.0544 -0.1224 -0.1677 0.0908 [torch.FloatTensor of size 6] '''
如今咱們已經瞭解如何使用代價函數了。(並無)
閱讀材料:
神經網絡包中包含着諸多用於神經網絡的模塊和代價函數,帶有文檔的完整清單在這裏:
torch.nn - PyTorch 0.1.9 documentation
只剩下一個沒學了:
最簡單的更新的規則是隨機梯度降低法(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, etc.
咱們構建了一個小的包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
就是這樣。
但你如今也許會想。
那麼數據怎麼辦呢?
一般來說,當你處理圖像,聲音,文本,視頻時須要使用python中其餘獨立的包來將他們轉換爲numpy中的數組,以後再轉換爲torch.*Tensor。
特別的對於圖像,咱們有torchvision這個包可用,其中包含了一些現成的數據集如:Imagenet, CIFAR10, MNIST等等。同時還有一些轉換圖像用的工具。 這很是的方便而且避免了寫樣板代碼。
本教程使用CIFAR10數據集。 咱們要進行的分類的類別有:'airplane', 'automobile', 'bird', 'cat', 'deer', 'dog', 'frog', 'horse', 'ship', 'truck'。 這個數據集中的圖像都是3通道,32x32像素的圖片。
下面是對torch神經網絡使用的一個實戰練習。
咱們要按順序作這幾個步驟:
使用torchvision讀取CIFAR10至關的方便。
import torchvision import torchvision.transforms as transforms # torchvision數據集的輸出是在[0, 1]範圍內的PILImage圖片。 # 咱們此處使用歸一化的方法將其轉化爲Tensor,數據範圍爲[-1, 1] transform=transforms.Compose([transforms.ToTensor(), transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ]) trainset = torchvision.datasets.CIFAR10(root='./data', train=True, download=True, transform=transform) trainloader = torch.utils.data.DataLoader(trainset, batch_size=4, shuffle=True, num_workers=2) testset = torchvision.datasets.CIFAR10(root='./data', train=False, download=True, transform=transform) testloader = torch.utils.data.DataLoader(testset, batch_size=4, shuffle=False, num_workers=2) classes = ('plane', 'car', 'bird', 'cat', 'deer', 'dog', 'frog', 'horse', 'ship', 'truck') '''注:這一部分須要下載部分數據集 所以速度可能會有一些慢 同時你會看到這樣的輸出 Downloading http://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz to ./data/cifar-10-python.tar.gz Extracting tar file Done! Files already downloaded and verified '''
咱們來從中找幾張圖片看看。
# functions to show an image import matplotlib.pyplot as plt import numpy as np %matplotlib inline def imshow(img): img = img / 2 + 0.5 # unnormalize npimg = img.numpy() plt.imshow(np.transpose(npimg, (1,2,0))) # show some random training images dataiter = iter(trainloader) images, labels = dataiter.next() # print images imshow(torchvision.utils.make_grid(images)) # print labels print(' '.join('%5s'%classes[labels[j]] for j in range(4)))
結果是這樣的:
class Net(nn.Module): def __init__(self): super(Net, self).__init__() self.conv1 = nn.Conv2d(3, 6, 5) self.pool = nn.MaxPool2d(2,2) self.conv2 = nn.Conv2d(6, 16, 5) self.fc1 = nn.Linear(16*5*5, 120) self.fc2 = nn.Linear(120, 84) self.fc3 = nn.Linear(84, 10) def forward(self, x): x = self.pool(F.relu(self.conv1(x))) x = self.pool(F.relu(self.conv2(x))) x = x.view(-1, 16*5*5) x = F.relu(self.fc1(x)) x = F.relu(self.fc2(x)) x = self.fc3(x) return x net = Net()
criterion = nn.CrossEntropyLoss() # use a Classification Cross-Entropy loss optimizer = optim.SGD(net.parameters(), lr=0.001, momentum=0.9)
事情變得有趣起來了。 咱們只需一輪一輪迭代而後不斷經過輸入來進行參數調整就好了。
for epoch in range(2): # loop over the dataset multiple times running_loss = 0.0 for i, data in enumerate(trainloader, 0): # get the inputs inputs, labels = data # wrap them in Variable inputs, labels = Variable(inputs), Variable(labels) # zero the parameter gradients optimizer.zero_grad() # forward + backward + optimize outputs = net(inputs) loss = criterion(outputs, labels) loss.backward() optimizer.step() # print statistics running_loss += loss.data[0] if i % 2000 == 1999: # print every 2000 mini-batches print('[%d, %5d] loss: %.3f' % (epoch+1, i+1, running_loss / 2000)) running_loss = 0.0 print('Finished Training') '''這部分的輸出結果爲 [1, 2000] loss: 2.212 [1, 4000] loss: 1.892 [1, 6000] loss: 1.681 [1, 8000] loss: 1.590 [1, 10000] loss: 1.515 [1, 12000] loss: 1.475 [2, 2000] loss: 1.409 [2, 4000] loss: 1.394 [2, 6000] loss: 1.376 [2, 8000] loss: 1.334 [2, 10000] loss: 1.313 [2, 12000] loss: 1.264 Finished Training '''
咱們已經訓練了兩遍了。 此時須要測試一下到底結果如何。
經過對比神經網絡給出的分類和已知的類別結果,能夠得出正確與否,若是預測的正確,咱們能夠將樣本加入正確預測的結果的列表中。
好的第一步,讓咱們展現幾張照片來熟悉一下。
dataiter = iter(testloader) images, labels = dataiter.next() # print images imshow(torchvision.utils.make_grid(images)) print('GroundTruth: ', ' '.join('%5s'%classes[labels[j]] for j in range(4)))
結果是這樣的:
好的,接下來看看神經網絡如何看待這幾個照片。
outputs = net(Variable(images)) # the outputs are energies for the 10 classes. # Higher the energy for a class, the more the network # thinks that the image is of the particular class # So, let's get the index of the highest energy _, predicted = torch.max(outputs.data, 1) print('Predicted: ', ' '.join('%5s'% classes[predicted[j][0]] for j in range(4))) '''輸出結果爲 Predicted: cat plane car plane '''
結果看起來挺好。
看看神經網絡在整個數據集上的表現結果如何。
correct = 0 total = 0 for data in testloader: images, labels = data outputs = net(Variable(images)) _, predicted = torch.max(outputs.data, 1) total += labels.size(0) correct += (predicted == labels).sum() print('Accuracy of the network on the 10000 test images: %d %%' % (100 * correct / total)) '''輸出結果爲 Accuracy of the network on the 10000 test images: 54 % '''
看上去這玩意輸出的結果比隨機整的要好,隨機選擇的話從十個中選擇一個出來,準確率大概只有10%。
看上去神經網絡學到了點東西。
嗯。。。那麼到底哪些類別表現良好又是哪些類別不太行呢?
class_correct = list(0. for i in range(10)) class_total = list(0. for i in range(10)) for data in testloader: images, labels = data outputs = net(Variable(images)) _, predicted = torch.max(outputs.data, 1) c = (predicted == labels).squeeze() for i in range(4): label = labels[i] class_correct[label] += c[i] class_total[label] += 1 for i in range(10): print('Accuracy of %5s : %2d %%' % (classes[i], 100 * class_correct[i] / class_total[i])) '''輸出結果爲 Accuracy of plane : 73 % Accuracy of car : 70 % Accuracy of bird : 52 % Accuracy of cat : 27 % Accuracy of deer : 34 % Accuracy of dog : 37 % Accuracy of frog : 62 % Accuracy of horse : 72 % Accuracy of ship : 64 % Accuracy of truck : 53 % '''
好吧,接下來該怎麼搞了?
咱們該如何將神經網絡運行在GPU上呢?
就像你把Tensor傳遞給GPU進行運算同樣,你也能夠將神經網絡傳遞給GPU。
這一過程將逐級進行操做,直到全部組件所有都傳遞到GPU上。
net.cuda()
'''輸出結果爲
Net (
(conv1): Conv2d(3, 6, kernel_size=(5, 5), stride=(1, 1))
(pool): MaxPool2d (size=(2, 2), stride=(2, 2), dilation=(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)
)
'''
記住,每一步都須要把輸入和目標傳給GPU。
inputs, labels = Variable(inputs.cuda()), Variable(labels.cuda())
我爲何沒有進行CPU運算和GPU運算的對比呢?由於神經網絡實在過小了,其中的差距並不明顯。