📜  将 numpy 转换为 torch - Python (1)

📅  最后修改于: 2023-12-03 14:53:44.540000             🧑  作者: Mango

将 NumPy 转换为 Torch

在机器学习应用中,我们通常使用两个主要的 Python 库:NumPy 和 PyTorch。NumPy 是一个广泛使用的库,用于支持大规模数值计算,而 PyTorch 则用于构建深度学习模型。这里介绍如何将 NumPy 数组转换为 PyTorch 的张量。

安装必要的库

首先,我们需要安装 NumPy 和 PyTorch 库。如果您尚未安装这些库,请运行以下命令:

!pip install numpy
!pip install torch
将 NumPy 转换为 Torch 张量

NumPy 数组可以通过将其传递给 torch.tensor() 函数来转换为 PyTorch 张量,如下所示:

import numpy as np
import torch

# numpy array
a = np.array([[1, 2], [3, 4]])

# convert numpy array to torch tensor
b = torch.tensor(a)

print(b)

输出结果为:

tensor([[1, 2],
        [3, 4]])
使用 GPU 运行 PyTorch

如果您的机器支持 GPU,那么您可以使用 PyTorch 在 GPU 上运行计算。首先,您需要检查是否安装了 CUDA 驱动程序,然后使用以下命令安装 PyTorch 配置 CUDA 支持:

!pip install torch torchvision torchaudio -f https://download.pytorch.org/whl/cu111/torch_stable.html

然后,您可以在 PyTorch 张量上调用 .cuda() 方法将其移到 GPU 上,如下所示:

# move tensor to GPU
c = b.cuda()

print(c)

输出结果为:

tensor([[1, 2],
        [3, 4]], device='cuda:0')

注意:如果您的机器上没有 GPU,那么该命令将无法运行,而且您将得到一个错误消息。