溫馨提示×

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

密碼登錄×
登錄注冊(cè)×
其他方式登錄
點(diǎn)擊 登錄注冊(cè) 即表示同意《億速云用戶服務(wù)條款》

安裝Pytorch1.5.1的方法

發(fā)布時(shí)間:2020-12-31 16:52:06 來源:億速云 閱讀:337 作者:Leah 欄目:開發(fā)技術(shù)

這篇文章將為大家詳細(xì)講解有關(guān)安裝Pytorch1.5.1的方法,文章內(nèi)容質(zhì)量較高,因此小編分享給大家做個(gè)參考,希望大家閱讀完這篇文章后對(duì)相關(guān)知識(shí)有一定的了解。

查看自己cuda版本,

安裝Pytorch1.5.1的方法

我的cuda是11版本了,所以可以安裝11版本以下的任何版本。

進(jìn)入pytorch官網(wǎng)

官網(wǎng)網(wǎng)址:https://pytorch.org/

安裝Pytorch1.5.1的方法

2020年11月19號(hào),更新

最簡單的是直接按官網(wǎng)給的Run this Command命令,直接安裝,如下:

conda install pytorch torchvision torchaudio cudatoolkit=10.2 -c pytorch

解釋:-c pytorch,意思是從pytorch網(wǎng)站下載,速度感人,有辦法的那就方便多了。

按照上面圖這樣選擇,安裝pytorch有GPU加速的版本,安裝命令可以改下,后面加個(gè)豆瓣源,這樣下載速度快些。

pip install torch===1.5.1 torchvision===0.6.1 -f https://download.pytorch.org/whl/torch_stable.html -i https://pypi.douban.com/simple

或者直接用conda安裝,去掉后面的 -c pytorch

conda install pytorch torchvision cudatoolkit=10.2

如果上面方法都下載慢,那就按下面方法來。(適用于win版本,Linux的可以返回上一層尋找對(duì)應(yīng)的版本)

先進(jìn)清華源https://mirrors.tuna.tsinghua.edu.cn/anaconda/cloud/pytorch/win-64/?C=M&O=D
下載對(duì)應(yīng)pytorch版本,我的是Python3.7,需要PyTorch-gpu版本,cuda需要10.2,找到對(duì)應(yīng)的bz2文件下載,如圖

安裝Pytorch1.5.1的方法

還要下載對(duì)應(yīng)的torchvision===0.6.1,如圖

安裝Pytorch1.5.1的方法

下載好就在命令行進(jìn)入你下載的路徑目錄里面安裝,并輸入下面代碼進(jìn)行離線安裝。

conda install --offline 對(duì)應(yīng)的安裝包文件名字

安裝完后還要安裝cudatoolkit=10.2

conda install cudatoolkit=10.2

然后運(yùn)行測(cè)試代碼:

# TEST
import torch
from torch.backends import cudnn

x = torch.Tensor([1.0])
xx = x.cuda()
print(torch.__version__)
print(torch.version.cuda)
print(torch.cuda.is_available())
print(xx)
print(cudnn.is_acceptable(xx))

結(jié)果:

1.5.1
10.2
True
tensor([1.], device='cuda:0')
True

安裝成功!

GPU加速代碼

import torch
import time

print(torch.__version__)
print(torch.cuda.is_available())

a = torch.randn(10000, 1000)
b = torch.randn(1000, 2000)

t0 = time.time()
c = torch.matmul(a, b) # 矩陣乘法
t1 = time.time()
print(a.device, t1 - t0, c.norm(2))

t0 = time.time()
c = torch.matmul(a, b) # 矩陣乘法
t1 = time.time()
print(a.device, t1 - t0, c.norm(2))

device = torch.device('cuda')
a = a.to(device)
b = b.to(device)

t0 = time.time()
c = torch.matmul(a, b) # 矩陣乘法
t2 = time.time()
print(a.device, t2 - t0, c.norm(2))

t0 = time.time()
c = torch.matmul(a, b)
t2 = time.time()
print(a.device, t2 - t0, c.norm(2))

結(jié)果:

1.5.1
True
cpu 0.13901472091674805 tensor(140929.9688)
cpu 0.16696977615356445 tensor(140929.9688)
cuda:0 0.22500324249267578 tensor(141330.6875, device='cuda:0')
cuda:0 0.003974437713623047 tensor(141330.6875, device='cuda:0')

運(yùn)行兩次是cuda有個(gè)預(yù)熱的過程,第二次的時(shí)間明顯減少了。和CPU相比,更快。

自動(dòng)求導(dǎo)

代碼:

import torch
from torch import autograd

x = torch.tensor(1.)
a = torch.tensor(1., requires_grad=True)
b = torch.tensor(2., requires_grad=True)
c = torch.tensor(3., requires_grad=True)

y = a ** 2 * x + b * x + c

print('before:', a.grad, b.grad, c.grad)
grads = autograd.grad(y, [a, b, c])
print('after :', grads[0], grads[1], grads[2])

結(jié)果:

before: None None None
after : tensor(2.) tensor(1.) tensor(1.)

可以看出pytorch比TensorFlow1.X好理解,適合人類思維,功能也都全。

關(guān)于安裝Pytorch1.5.1的方法就分享到這里了,希望以上內(nèi)容可以對(duì)大家有一定的幫助,可以學(xué)到更多知識(shí)。如果覺得文章不錯(cuò),可以把它分享出去讓更多的人看到。

向AI問一下細(xì)節(jié)

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

AI