pytorch学习-1:Torch vs Numpy

Posted Paul-Huang

tags:

篇首语:本文由小常识网(cha138.com)小编为大家整理,主要介绍了pytorch学习-1:Torch vs Numpy相关的知识,希望对你有一定的参考价值。

Torch vs Numpy

1. numpy, torch 之间的转换

  • Torch 自称为神经网络界的 Numpy, 因为他能将 torch 产生的 tensor 放在 GPU 中加速运算 (前提是你有合适的 GPU), 就像 Numpy 会把 array 放在 CPU 中加速运算. 所以神经网络的话, 当然是用 Torch 的 tensor 形式数据最好咯. 就像 Tensorflow 当中的 tensor 一样.
import torch
import numpy as np

np_data = np.arange(6).reshape((2, 3))
torch_data = torch.from_numpy(np_data)
tensor2array = torch_data.numpy()
print(
    '\\nnumpy array:', np_data,          # [[0 1 2], [3 4 5]]
    '\\ntorch tensor:', torch_data,      #  0  1  2 \\n 3  4  5    [torch.LongTensor of size 2x3]
    '\\ntensor to array:', tensor2array, # [[0 1 2], [3 4 5]]
numpy [[0 1 2]
 [3 4 5]] 
torch tensor([[0, 1, 2],
        [3, 4, 5]], dtype=torch.int32) 
tensor2array [[0 1 2]
 [3 4 5]]

2 Torch 中的数学运算

其实 torch 中 tensor 的运算和 numpy array 的如出一辙, 我们就以对比的形式来看. 如果想了解 torch 中其它更多有用的运算符, API.

# abs 绝对值计算
data = [-1, -2, 1, 2]
tensor = torch.FloatTensor(data)  # 转换成32位浮点 tensor
print(
    '\\nabs',
    '\\nnumpy: ', np.abs(data),          # [1 2 1 2]
    '\\ntorch: ', torch.abs(tensor)      # [1 2 1 2]
)

# sin   三角函数 sin
print(
    '\\nsin',
    '\\nnumpy: ', np.sin(data),      # [-0.84147098 -0.90929743  0.84147098  0.90929743]
    '\\ntorch: ', torch.sin(tensor)  # [-0.8415 -0.9093  0.8415  0.9093]
)
abs 
numpy [1 2 1 2] 
torch tensor([1., 2., 1., 2.])

除了简单的计算, 矩阵运算才是神经网络中最重要的部分. 所以我们展示下矩阵的乘法. 注意一下包含了一个 numpy 中可行, 但是 torch 中不可行的方式.

# matrix multiplication 矩阵点乘
data = [[1,2], [3,4]]
tensor = torch.FloatTensor(data)  # 转换成32位浮点 tensor
# correct method
print(
    '\\nmatrix multiplication (matmul)',
    '\\nnumpy: ', np.matmul(data, data),     # [[7, 10], [15, 22]]
    '\\ntorch: ', torch.mm(tensor, tensor)   # [[7, 10], [15, 22]]
)

# 
data = np.array(data)
print(
    '\\nmatrix multiplication (dot)',
    '\\nnumpy: ', data.dot(data),        # [[7, 10], [15, 22]] 在numpy 中可行
    # 变为
	'\\ntorch: ',torch.dot(tensor.dot(tensor)) ## torch 会转换成 [1,2,3,4].dot([1,2,3,4) = 30.0
)
numpy: [[ 7 10]
 [15 22]] 
torch: tensor([[ 7., 10.],
        [15., 22.]])
        
matrix multiplication (dot):
matrix Multi: [[ 7 10]
 [15 22]] 
 torch: tensor([[ 7., 10.],
        [15., 22.]])

参考:

  1. 用 Numpy 还是 Torch

以上是关于pytorch学习-1:Torch vs Numpy的主要内容,如果未能解决你的问题,请参考以下文章

PyTorch内存模型:“torch.from_numpy()”vs“torch.Tensor()”

pytorch 笔记:torch.nn.Linear() VS torch.nn.function.linear()

【Pytorch】model.eval() vs torch.no_grad()

pytorch学习问题汇总

pytorch学习问题汇总

PyTorch中,18个速度和内存效率优化技巧