PyTorch 是與TensorFlow 並駕齊驅的深度學習框架,功能各有所長,因此,兩個套件通常會一併安裝,有關 TensorFlow 安裝請參看『Day 01:輕鬆掌握 Keras』。
PyTorch 安裝可透過『PyTorch官網』的選單,產生安裝指令,使用 conda 或 pip 均可,例如下圖:
conda 產生的安裝指令如下:
conda install pytorch torchvision torchaudio cudatoolkit=11.3 -c pytorch
pip 產生的安裝指令如下:
pip install torch==1.10.0+cu113 torchvision==0.11.1+cu113 torchaudio===0.10.0+cu113 -f https://download.pytorch.org/whl/cu113/torch_stable.html
以 Python 執行下列程式碼驗證CUDA安裝是否成功:
import torch
tensor = torch.rand(3,4)
print(f"Device tensor is stored on: {tensor.device}")
# Device tensor is stored on: cpu
print(torch.cuda.is_available())
#True
tensor = tensor.to('cuda')
print(f"Device tensor is stored on: {tensor.device}")
# Device tensor is stored on: cuda:0
安裝時費了一番手腳,將慘痛的經驗分享如下: