pyTorch 使用多GPU訓練
1.在pyTorch中模型使用GPU訓練很方便,直接使用model.gpu()
。
2.使用多GPU訓練,model = nn.DataParallel(model)
3.注意訓練/測試過程中 inputs和labels均需載入到GPU中
inputs, labels = Variable(inputs.cuda()), Variable(labels.cuda())
例項:
#!/usr/bin/env python
# -*- coding: utf-8 -*-
'''''''''''''''''''''''''''''''''
# @Time : 2018/4/15 16:51
# @Author : Awiny
# @Site :
# @File : cifar10.py
# @Software: PyCharm
# @Github : https://github.com/FingerRec
# @Blog : http://fingerrec.github.io
''' ''''''''''''''''''''''''''''''
import scipy.io
import os
import torch
import torchvision
import torchvision.transforms as transforms
import numpy as np
import matplotlib.pyplot as plt
#os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2' #close the warning
#---------------------------------------------------download and load dataset---------------------------------
#正則化
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)
#The output of torchvision datasets are PILImage images of range [0, 1].
#We transform them to Tensors of normalized range [-1, 1].
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')
#---------------------------------------------------functions to show an image----------------------------
def imshow(img):
img = img / 2 + 0.5 # unnormalize # 反正則變到0-1
npimg = img.numpy()
#print(npimg)
plt.imshow(np.transpose(npimg, (1, 2, 0))) #之前的第三維轉為第2,第2為第1,第1維為第3
#高維陣列切片?
# get some random training images
dataiter = iter(trainloader)
images, labels = dataiter.next()
# show images
imshow(torchvision.utils.make_grid(images))
plt.axis('off') # 不顯示座標軸
plt.show()
# print labels
print(' '.join('%5s' % classes[labels[j]] for j in range(4)))
#----------------------------------------------------define an convolutional neural network---------------------
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__()
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):
y = 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)
print(" In Model: input size", y.size(),
"output size", x.size())
return x
net = Net()
#net.cuda()
#--------------------------------------------------Define a Loss function and optimizer------------------------------
import torch.optim as optim
criterion = nn.CrossEntropyLoss() #交叉熵
optimizer = optim.SGD(net.parameters(), lr=0.001, momentum=0.9)
#-------------------------------------------------Training on GPU-------------------------------------
#you transfer the neural net onto the GPU. This will recursively go over all modules and convert their parameters and buffers to CUDA tensors:
#net.cuda()
#have to send the inputs and targets at every step to the GPU too:
#inputs, labels = Variable(inputs.cuda()), Variable(labels.cuda())
#----------------------------------------------------Training on Multiple GPU-------------------
if torch.cuda.device_count() > 1:
print("Let's use", torch.cuda.device_count(), "GPUs!")
# dim = 0 [30, xxx] -> [10, ...], [10, ...], [10, ...] on 3 GPUs
net = nn.DataParallel(net)
if torch.cuda.is_available():
net.cuda()
#pytorch中CrossEntropyLoss是通過兩個步驟計算出來的,第一步是計算log softmax,第二步是計算cross entropy(或者說是negative log likehood)
#---------------------------------------------------Training the network------------------------------------------------
for epoch in range(2): # loop over the dataset multiple times
# 0, 1
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.cuda()), Variable(labels.cuda())
# zero the parameter gradients
optimizer.zero_grad()
# forward + backward + optimize
outputs = net(inputs) # forward
loss = criterion(outputs, labels)
loss.backward() # backward
optimizer.step()
# print statistics
print("Outside: input size", images.size(), "output_size", outputs.size())
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')
#----------------------------------------------------Test the model------------------------------------------------
dataiter = iter(testloader)
images, labels = dataiter.next()
labels.cuda()
# print images
imshow(torchvision.utils.make_grid(images))
print('GroundTruth: ', ' '.join('%5s' % classes[labels[j]] for j in range(4)))
#output
outputs = net(Variable(images.cuda()))
_, predicted = torch.max(outputs.data, 1)
print('Predicted: ', ' '.join('%5s' % classes[predicted[j]]
for j in range(4)))
#test on the whole test-dataset
correct = 0
total = 0
for data in testloader:
images, labels = data
outputs = net(Variable(images.cuda()))
_, predicted = torch.max(outputs.data, 1)
total += labels.size(0)
correct += (predicted == labels.cuda()).sum()
print('Accuracy of the network on the 10000 test images: %d %%' % (
100 * correct / total))
#
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.cuda()))
_, predicted = torch.max(outputs.data, 1)
c = (predicted.cuda() == labels.cuda()).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]))
執行結果:
相關推薦
pytorch 多GPU訓練
當一臺伺服器有多張GPU時,執行程式預設在一張GPU上執行。通過多GPU訓練,可以增大batchsize,加快訓練速度。 from torch.nn import DataParallel num_gp
pytorch多GPU訓練例項與效能對比
以下實驗是我在百度公司實習的時候做的,記錄下來留個小經驗。 多GPU訓練 cifar10_97.23 使用 run.sh 檔案開始訓練 cifar10_97.50 使用 run.4GPU.sh 開始訓練 在叢集中改變GPU呼叫個數修改 run.sh 檔案 nohup
pyTorch 使用多GPU訓練
1.在pyTorch中模型使用GPU訓練很方便,直接使用model.gpu()。 2.使用多GPU訓練,model = nn.DataParallel(model) 3.注意訓練/測試過程中 inputs和labels均需載入到GPU中 inputs, l
pytorch使用多GPU訓練MNIST
下面的程式碼引數沒有除錯,可能準確率不高,僅僅供參考程式碼格式。 import argparse import torch import torch.nn as nn import torch.optim as optim import torch.nn.
Pytorch yolov3 多GPU 訓練
pytorch 多gpu訓練:# -*- coding:utf-8 -*- from __future__ import division import datetime import torch import torch.nn as nn import torch.nn.
Keras多GPU訓練以及載入權重無效的問題
目錄 1、資料並行 1.1、單GPU或者無GPU訓練的程式碼如下: 1.2、資料並行的多GPU 訓練 2、裝置並行 參考連結 本文講簡單的探討Keras中使用多GPU訓練的方法以及需要注意的地方。有兩種方法可
Caffe 多GPU訓練問題,以及batch_size 選擇的問題
1. 多GPU訓練時,速度沒有變得更快。 使用多GPU訓練時,每個GPU都會執行一個 Caffe 模型的例項。比如當使用 n n
【TensorFlow】多GPU訓練:示例程式碼解析
使用多GPU有助於提升訓練速度和調參效率。 本文主要對tensorflow的示例程式碼進行註釋解析:cifar10_multi_gpu_train.py 1080Ti下加速效果如下(batch=128) 單卡: 兩個GPU比單個GPU加速了近一倍 :
使用Keras進行多GPU訓練 multi_gpu_model
使用Keras訓練具有多個GPU的深度神經網路(照片來源:Nor-Tech.com)。 摘要 在今天的部落格文章中,我們學習瞭如何使用多個GPU來訓練基於Keras的深度神經網路。 使用多個GPU使我們能夠獲得準線性加速。 為了驗證這一點,我們在CIFAR-10資料集上訓練了MiniGoog
使用估算器、tf.keras 和 tf.data 進行多 GPU 訓練
文 / Zalando Research 研究科學家 Kashif Rasul 來源 | TensorFlow 公眾號 與大多數 AI 研究部門一樣,Zalando Research 也意識到了對創意進行嘗試和快速原型設計的重要性。隨著資料集變得越來越龐大,
Pytorch 多GPU執行
self.net = netword() n_gpu = 1 if n_gpu==1: self.net = torch.nn.DataParallel(self.net).cuda(device=0) else: gpus = [] for i in range(n
keras 多GPU訓練,單GPU預測
多GPU訓練 keras自帶模組 multi_gpu_model,此方式為資料並行的方式,將將目標模型在多個裝置上各複製一份,並使用每個裝置上的複製品處理整個資料集的不同部分資料,最高支援在8片GPU上並行。 使用方式: from keras.utils imp
tensorflow 多gpu訓練
當使用多個gpu訓練時,輸入資料為batch_size*num_gpu,這樣模型訓練時間可以大大較小. tensorflow中使用制定gpu可以通過tf.device()實現.例如我想使用0號顯示卡: gpu_ind=0 with tf.device("/g
『TensorFlow』分布式訓練_其二_多GPU並行demo分析(待續)
print all set represent proto copyright keys 20M runners 建議比對『MXNet』第七彈_多GPU並行程序設計 models/tutorials/image/cifar10/cifer10_multi_gpu-trai
pytorch使用指定GPU訓練
本文適合多GPU的機器,並且每個使用者需要單獨使用GPU訓練。 雖然pytorch提供了指定gpu的幾種方式,但是使用不當的話會遇到out of memory的問題,主要是因為pytorch會在第0塊gpu上初始化,並且會佔用一定空間的視訊記憶體。這種情況下,經常會出現指定的gpu明明是
tensorflow1.12 多GPU協同訓練報錯tensorflow.python.framework.errors_impl.NotFoundError: libnccl.so.2
tensroflow為了提高多模型訓練速度,需要多個GPU同時工作,而且我們一般使用的工作站都是8塊tesla K80,如果能將8塊顯示卡的計算力充分利用起來,將會大大提高模型訓練的速度,縮短模型訓練時間。 這幾天看到tensorflow的mor
pytorch DataParallel 多GPU使用
單GPU: import os os.environ["CUDA_VISIBLE_DEVICES"] = "0" 多GPU: device_ids = [0,1,2,3] model
tensorflow、多GPU、多執行緒訓練VGG19來做cifar-10分類
背景:幾天前需要寫個多GPU訓練的演算法模型,翻來覆去在tensorflow的官網上看到cifar-10的官方程式碼,花了三天時間去掉程式碼的冗餘部分和改寫成自己的風格。程式碼共有6部分構成:1、data_input.py 由於cifar-10官方訓練集和驗證集都是.bin格
tensorflow視訊記憶體管理、tensorflow使用多個gpu訓練
通常在程式開始之前並不知道需要多大的視訊記憶體,程式會去申請GPU的視訊記憶體的50% 比如一個8G的記憶體,被佔用了2G,那麼程式會申請4G的視訊記憶體(因為有足夠的剩餘視訊記憶體) 如果此時視訊記憶體被佔用7G,那麼程式會申請剩下的所有的1G的視訊記憶體。也許你的程
Pytorch入門學習(四)---- 多GPU的使用
DataParrallel import torch.nn as nn class DataParallelModel(nn.Module): def __init__(self):