PyTorch 基础 : 张量

在第一章中我们已经通过官方的入门教程对PyTorch有了一定的了解,这一章会详细介绍PyTorch 里面的基础知识。 全部掌握了这些基础知识,在后面的应用中才能更加快速进阶,如果你已经对PyTorch有一定的了解,可以跳过此章

# 首先要引入相关的包
import torch
import numpy as np
#打印一下版本
torch.__version__

‘1.2.0’

张量(Tensor)

张量的英文是Tensor,它是PyTorch里面基础的运算单位,与Numpy的ndarray相同都表示的是一个多维的矩阵。 与ndarray的最大区别就是,PyTorch的Tensor可以在 GPU 上运行,而 numpy 的 ndarray 只能在 CPU 上运行,在GPU上运行大大加快了运算速度。

下面我们生成一个简单的张量

x = torch.rand(2, 3)
x

tensor([[0.0111, 0.4282, 0.4618],
[0.2759, 0.4808, 0.4400]])
以上生成了一个,2行3列的的矩阵,我们看一下他的大小:

# 可以使用与numpy相同的shape属性查看
print(x.shape)
# 也可以使用size()函数,返回的结果都是相同的
print(x.size())
torch.Size([2, 3])
torch.Size([2, 3])

张量(Tensor)是一个定义在一些向量空间和一些对偶空间的笛卡儿积上的多重线性映射,其坐标是|n|维空间内,有|n|个分量的一种量, 其中每个分量都是坐标的函数, 而在坐标变换时,这些分量也依照某些规则作线性变换。r称为该张量的秩或阶(与矩阵的秩和阶均无关系)。 (来自百度百科)

下面我们来生成一些多维的张量:

y=torch.rand(2,3,4,5)
print(y.size())
y
torch.Size([2, 3, 4, 5])
tensor([[[[0.3535, 0.9984, 0.1804, 0.9231, 0.9710],
          [0.5817, 0.1759, 0.5929, 0.6133, 0.2914],
          [0.7446, 0.1522, 0.7072, 0.1698, 0.3938],
          [0.7792, 0.0569, 0.8911, 0.0378, 0.0587]],

         [[0.9828, 0.4253, 0.1810, 0.9140, 0.7900],
          [0.2896, 0.7852, 0.4372, 0.4542, 0.4546],
          [0.1274, 0.2751, 0.4596, 0.3950, 0.6514],
          [0.7804, 0.0236, 0.4077, 0.1083, 0.3097]],

         [[0.5674, 0.9054, 0.0753, 0.8998, 0.2806],
          [0.6659, 0.4767, 0.3759, 0.5990, 0.5982],
          [0.4968, 0.7839, 0.7266, 0.2097, 0.4129],
          [0.2746, 0.3083, 0.4618, 0.0509, 0.1438]]],


        [[[0.9681, 0.7087, 0.0643, 0.8935, 0.0858],
          [0.1145, 0.2816, 0.8637, 0.9178, 0.3074],
          [0.2666, 0.2617, 0.6248, 0.8771, 0.3336],
          [0.3153, 0.5455, 0.6622, 0.1047, 0.2736]],

         [[0.6200, 0.7370, 0.6167, 0.9606, 0.8055],
          [0.2082, 0.6190, 0.1480, 0.9697, 0.8185],
          [0.2246, 0.9180, 0.3211, 0.2845, 0.8554],
          [0.0516, 0.6554, 0.2300, 0.7984, 0.4145]],

         [[0.6793, 0.6809, 0.4864, 0.1749, 0.1975],
          [0.8562, 0.0515, 0.7092, 0.9142, 0.0340],
          [0.0111, 0.8749, 0.2915, 0.2352, 0.7756],
          [0.6987, 0.2866, 0.3062, 0.9935, 0.0074]]]])

在同构的意义下,第零阶张量 (r = 0) 为标量 (Scalar),第一阶张量 (r = 1) 为向量 (Vector), 第二阶张量 (r = 2) 则成为矩阵 (Matrix),第三阶以上的统称为多维张量。

其中要特别注意的就是标量,我们先生成一个标量:

#我们直接使用现有数字生成
scalar =torch.tensor(3.1433223)
print(scalar)
#打印标量的大小
scalar.size()

tensor(3.1433)
torch.Size([])

对于标量,我们可以直接使用 .item() 从中取出其对应的python对象的数值

scalar.item()
3.143322229385376

特别的:如果张量中只有一个元素的tensor也可以调用tensor.item方法

tensor = torch.tensor([3.1433223]) 
print(tensor)
tensor.size()
tensor([3.1433])
torch.Size([1])

tensor.item()

3.143322229385376

基本类型

Tensor的基本数据类型有五种:

32位浮点型:torch.FloatTensor。 (默认)
64位整型:torch.LongTensor。
32位整型:torch.IntTensor。
16位整型:torch.ShortTensor。
64位浮点型:torch.DoubleTensor。
除以上数字类型外,还有 byte和chart型

a = torch.FloatTensor([9.])
a

tensor([9.])

a.float()

tensor([9.])

long=tensor.long()
long

tensor([3])

half=tensor.half()
half

tensor([3.1426], dtype=torch.float16)

int_t=tensor.int()
int_t

tensor([3], dtype=torch.int32)

flo = tensor.float()
flo

tensor([3.1433])

short = tensor.short()
short

tensor([3], dtype=torch.int16)

ch = tensor.char()
ch
tensor([3], dtype=torch.int8)

bt = tensor.byte()
bt
tensor([3], dtype=torch.uint8)
Numpy转换
使用numpy方法将Tensor转为ndarray

a = torch.randn((3, 2))
# tensor转化为numpy
numpy_a = a.numpy()
print(numpy_a)

[[ 1.3115888 0.14978026]
[-1.2040826 0.27521715]
[ 0.338218 1.6255544 ]]
numpy转化为Tensor

torch_a = torch.from_numpy(numpy_a)
torch_a

tensor([[ 1.3116, 0.1498],
[-1.2041, 0.2752],
[ 0.3382, 1.6256]])
Tensor和numpy对象共享内存,所以他们之间的转换很快,而且几乎不会消耗什么资源。但这也意味着,如果其中一个变了,另外一个也会随之改变。

设备间转换
一般情况下可以使用.cuda方法将tensor移动到gpu,这步操作需要cuda设备支持

cpu_a=torch.rand(4, 3)
cpu_a.type()

‘torch.FloatTensor’

gpu_a=cpu_a.cuda()
gpu_a.type()

‘torch.cuda.FloatTensor’
使用.cpu方法将tensor移动到cpu

cpu_b=gpu_a.cpu()
cpu_b.type()

‘torch.FloatTensor’
如果我们有多GPU的情况,可以使用to方法来确定使用那个设备,这里只做个简单的实例:

#使用torch.cuda.is_available()来确定是否有cuda设备
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
print(device)
#将tensor传送到设备
gpu_b=cpu_b.to(device)
gpu_b.type()

cuda
‘torch.cuda.FloatTensor’
初始化
Pytorch中有许多默认的初始化方法可以使用

# 使用[0,1]均匀分布随机初始化二维数组
rnd = torch.rand(5, 3)
rnd

tensor([[0.2569, 0.7427, 0.2203],
[0.3577, 0.4136, 0.7088],
[0.4464, 0.8926, 0.9358],
[0.1834, 0.2882, 0.6895],
[0.0276, 0.0868, 0.3798]])

##初始化,使用1填充
one = torch.ones(2, 2)
one

tensor([[1., 1.],
[1., 1.]])

##初始化,使用0填充
zero=torch.zeros(2,2)
zero

tensor([[0., 0.],
[0., 0.]])

#初始化一个单位矩阵,即对角线为1 其他为0
eye=torch.eye(2,2)
eye

tensor([[1., 0.],
[0., 1.]])
常用方法
PyTorch中对张量的操作api 和 NumPy 非常相似,如果熟悉 NumPy 中的操作,那么 他们二者 基本是一致的:

x = torch.randn(3, 3)
print(x)

tensor([[-0.7756, 0.7299, 1.1606],
[-0.7187, 0.4230, -0.4610],
[-0.2578, 1.0277, -1.8127]])

# 沿着行取最大值
max_value, max_idx = torch.max(x, dim=1)
print(max_value, max_idx)
tensor([1.1606, 0.4230, 1.0277]) tensor([2, 1, 1])
# 每行 x 求和
sum_x = torch.sum(x, dim=1)
print(sum_x)
tensor([ 1.1149, -0.7567, -1.0427])

y=torch.randn(3, 3)
z = x + y
print(z)

tensor([[ 0.1364, 1.7796, 1.1554],
[-1.6997, -0.1329, 1.0341],
[-0.4133, 1.2704, -0.7783]])
正如官方60分钟教程中所说,以_为结尾的,均会改变调用值

# add 完成后x的值改变了
x.add_(y)
print(x)

tensor([[ 0.1364, 1.7796, 1.1554],
[-1.6997, -0.1329, 1.0341],
[-0.4133, 1.2704, -0.7783]])
张量的基本操作都介绍的的差不多了,下一章介绍PyTorch的自动求导机制

你可能感兴趣的:(pytorch,pytorch)