0.配置
Pytorch的基本数据结构是张量Tensor。张量及多维数组。Pytorch的张量和numpy中的array很类似。 本节我们主要介绍张量的数据类型、张量的维度、张量的尺寸、张量和numpy数组等基本概念。
import torch
print('torch.__version__=' + torch.__version__)
"""
torch.__version__=2.1.1+cu118
"""
1.张量的数据类型
张量的数据类型和numpy.array基本一一对应,但不支持str类型。
包括:
torch.float64(torch.double)
torch.float32(torch.float)
torch.float16
torch.int64(torch.long)
torch.int32(torch.int)
torch.int16
torch.int8
torch.uint8
torch.bool
一般神经网络建模使用的都是torch.float32类型
import numpy as np
import torch
# 自动推断数据类型
i = torch.tensor(1)
print(i, i.dtype)
x = torch.tensor(2.0)
print(x, x.dtype)
b = torch.tensor(True)
print(b, b.dtype)
"""
tensor(1) torch.int64
tensor(2.) torch.float32
tensor(True) torch.bool
"""
# 指定数据类型
i = torch.tensor(1, dtype=torch.int32)
print(i, i.dtype)
x = torch.tensor(2.0, dtype=torch.float32)
print(x, x.dtype)
"""
tensor(1, dtype=torch.int32) torch.int32
tensor(2.) torch.float32
"""
# 使用特定类型构造函数
i = torch.IntTensor(1)
print(i, i.dtype)
x = torch.Tensor(np.array(2.0)) # 等价于torch.FloatTensor
print(x, x.dtype)
b = torch.BoolTensor(np.array([1, 0, 2, 0]))
print(b, b.dtype)
"""
tensor([1073741824], dtype=torch.int32) torch.int32
tensor(2.) torch.float32
tensor([ True, False, True, False]) torch.bool
"""
# 不同类型进行转换
i = torch.tensor(1)
print(i, i.dtype)
x = i.float()
print(x, x.dtype)
y = i.type(torch.float)
print(y, y.dtype)
z = i.type_as(x)
print(z, z.dtype)
"""
tensor(1) torch.int64
tensor(1.) torch.float32
tensor(1.) torch.float32
tensor(1.) torch.float32
"""
2.张量的维度
不同类型的数据可以用不同维度的张量来表示。
标量为0维张量,向量为1维张量,矩阵为2维张量。
彩色图像有rgb三个通道,可以表示为3维张量。
视频还有时间维,可以表示为4维张量。
可以简单总结为:有几层中括号,就是多少维张量。
scaler = torch.tensor(True)
print(scaler)
print(scaler.dim())
"""
tensor(True)
0
"""
vector = torch.tensor([1.0, 2.0, 3.0, 4.0])
print(vector)
print(vector.dim())
"""
tensor([1., 2., 3., 4.])
1
"""
matrix = torch.tensor([[1.0, 2.0], [3.0, 4.0]])
print(matrix)
print(matrix.dim())
"""
tensor([[1., 2.],
[3., 4.]])
2
"""
tensor3 = torch.tensor([[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]])
print(tensor3)
print(tensor3.dim())
"""
tensor([[[1., 2.],
[3., 4.]],
[[5., 6.],
[7., 8.]]])
3
"""
tensor4 = torch.tensor([[[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]], [[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]]])
print(tensor4)
print(tensor4.dim())
"""
tensor([[[[1., 2.],
[3., 4.]],
[[5., 6.],
[7., 8.]]],
[[[1., 2.],
[3., 4.]],
[[5., 6.],
[7., 8.]]]])
4
"""
3.张量的尺寸
可以使用shape属性或者size()方法查看张量在每一维的长度。
可以使用view方法改变张量的尺寸。
如果view方法改变尺寸失败,也可以使用reshape方法
scaler = torch.tensor(True)
print(scaler.size())
print(scaler.shape)
"""
torch.Size([])
torch.Size([])
"""
vector = torch.tensor([1.0, 2.0, 3.0, 4.0])
print(vector.size())
print(vector.shape)
"""
torch.Size([4])
torch.Size([4])
"""
matrix = torch.tensor([[1.0, 2.0], [3.0, 4.0]])
print(matrix.size())
print(matrix.shape)
"""
torch.Size([2, 2])
torch.Size([2, 2])
"""
# 使用view可以改变张量尺寸
vector = torch.arange(0, 12)
print(vector)
print(vector.shape)
matrix = vector.view(3, 4)
print(matrix)
print(matrix.shape)
matrix43 = vector.view(4, -1)
print(matrix43)
print(matrix43.shape)
"""
tensor([ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11])
torch.Size([12])
tensor([[ 0, 1, 2, 3],
[ 4, 5, 6, 7],
[ 8, 9, 10, 11]])
torch.Size([3, 4])
tensor([[ 0, 1, 2],
[ 3, 4, 5],
[ 6, 7, 8],
[ 9, 10, 11]])
torch.Size([4, 3])
"""
# 有些操作会让张量存储结构扭曲,直接使用view会失败,可以用reshape方法
matrix26 = torch.arange(0, 12).view(2, 6)
print(matrix26)
print(matrix26.shape)
# 转置操作让张量存储结构扭曲
matrix62 = matrix26.t()
print(matrix62.is_contiguous()) # 该张量在内存中是否是连续的
"""
tensor([[ 0, 1, 2, 3, 4, 5],
[ 6, 7, 8, 9, 10, 11]])
torch.Size([2, 6])
False
"""
# 直接使用view方法会失败。可以使用reshape方法
matrix34 = matrix62.reshape(3, 4) # 等价于matrix62.contiguous().view(3, 4)
print(matrix34)
"""
tensor([[ 0, 6, 1, 7],
[ 2, 8, 3, 9],
[ 4, 10, 5, 11]])
"""
4.张量和numpy数组
可以用numpy方法从Tensor得到numpy数组,也可以用torch.from_numpy从numpy数组得到Tensor
这两种方法关联的Tensor和numpy数组是共享内存的。
如果改变其中一个,另外一个的值也会发生改变。
如果有需要,可以用张量的clone方法拷贝张量,中断这种关联。
此外,还可以使用item方法从标量张量得到对应的Python数值。
使用tolist方法从张量得到对应的Python数值列表。
arr = np.zeros(3)
tensor = torch.from_numpy(arr)
print('before add 1:')
print(arr)
print(tensor)
print('\nafter add 1:')
np.add(arr, 1, out=arr)
print(arr)
print(tensor)
"""
before add 1:
[0. 0. 0.]
tensor([0., 0., 0.], dtype=torch.float64)
after add 1:
[1. 1. 1.]
tensor([1., 1., 1.], dtype=torch.float64)
"""
# numpy方法从Tensor得到numpy数组
tensor = torch.zeros(3)
arr = tensor.numpy()
print('before add 1:')
print(tensor)
print(arr)
print('\nafter add 1:')
# 使用带下划线的方法表示计算结果会返回给调用张量
tensor.add_(1) # torch.add(tensor, 1, out=tensor)
print(tensor)
print(arr)
"""
before add 1:
tensor([0., 0., 0.])
[0. 0. 0.]
after add 1:
tensor([1., 1., 1.])
[1. 1. 1.]
"""
# 可以使用clone方法中断这种关联
tensor = torch.zeros(3)
arr = tensor.clone().numpy()
print('before add 1:')
print(tensor)
print(arr)
print('\nafter add 1:')
tensor.add_(1)
print(tensor)
print(arr)
"""
before add 1:
tensor([0., 0., 0.])
[0. 0. 0.]
after add 1:
tensor([1., 1., 1.])
[0. 0. 0.]
"""
# item方法和tolist方法可以将张量转换成Python数值和数值列表
scalar = torch.tensor(1.0)
s = scalar.item()
print(s)
print(type(s))
tensor = torch.rand(2, 2)
t = tensor.tolist()
print(t)
print(type(t))
"""
1.0
<class 'float'>
[[0.9156631827354431, 0.2283121943473816], [0.969607412815094, 0.8414113521575928]]
<class 'list'>
"""
标签:tensor,dtype,torch,张量,add,print,数据结构
From: https://www.cnblogs.com/lotuslaw/p/17922349.html