1 张量的基本创建及其类型
和
Numpy
中的array
一样,张量的本质也是结构化地组织了大量的数据。并且在实际操作中,张量的创建和基本功能也与其非常类似。
1.1 张量(Tensor)函数创建方法
张量的最基本创建方法和Numpy
中创建Array
的格式一致。
python
# Numpy创建数组
import numpy as np #导入numpy
a = np.array([1, 2, 3])
python
import torch # 首次使用,导入torch包
python
# 通过列表创建张量
t = torch.tensor([1, 2])
t # output : tensor([1, 2])
python
# 通过元组创建张量
t = torch.tensor((1, 2))
t # output : tensor([1, 2])
python
# 通过数组创建张量
a = np.array([1, 2])
t = torch.tensor(a)
t # output : tensor([1, 2],dtype = torch.int32)
通过上述返回结果,我们发现张量也有
dtype
类型
1.2 张量的类型
张量和数组类似,都拥有dtype
方法,可返回张量类型。
来看整型
python
# 整型数组的dtype方法
np.array([1, 2, 3]).dtype
# output : int32
python
# 整型张量的dtype方法
torch.tensor([1, 2, 3]).dtype
# output : torch.int64
不难发现,整数型的数组默认 创建
int32
(整型)类型,而张量则默认 创建int64
(长整型)类型。
如果tensor
中传入的参数是array
数组类型,那么它将会告诉你生成的是torch.int32
类型:
python
a = np.array([1, 2])
t = torch.tensor(a)
t # output : tensor([1, 2],dtype = torch.int32)
来看浮点型
python
# 浮点型数组的dtype方法
np.array([1.1, 2.2]).dtype
# output : float64
python
# 浮点型张量的dtype方法
torch.tensor([1.1, 2.2]).dtype
# output : torch.float32
不难发现,浮点型的数组默认 创建
float64
(单精度浮点型),而张量则默认 创建float32
(双精度浮点型)。
如果tensor
中传入的是array
数组类型,那么它将会告诉你生成的是torch.float64
类型:
python
a = np.array([1.1, 2.2])
t = torch.tensor(a)
t # output : tensor([1.1000, 2.2000],dtype = torch.float64)
除了数值型张量,常用的张量类型还有布尔型张量,也就是构成张量的各元素都是布尔类型的张量。
python
t=torch.tensor([True,False])
t.dtype
# output : torch.bool
当然,在PyTorch
中也支持复数类型对象创建
python
t = torch.tensor(1 + 2j) # 1是实部、2是虚部
t # output : tensor(1.+2.j)
此外,我们还可以通过dtype
参数,在创建张量过程中设置输出结果
python
# 创建int16整型张量
torch.tensor([1.1, 2.7],dtype = torch.int16)
# output : tensor([1, 2], dtype = torch.int16)
和数组不同,对于张量而言,数值型和布尔型张量就是最常用的两种张量类型,相关类型总结如下:
数据类型 | dtype |
---|---|
32bit浮点数 | torch.float32或torch.float |
64bit浮点数 | torch.float64或torch.double |
16bit浮点数 | torch.float16或torch.half |
8bit无符号整数 | torch.unit8 |
8bit有符号整数 | torch.int8 |
16bit有符号整数 | torch.int16或torch.short |
16bit有符号整数 | torch.int16或torch.short |
32bit有符号整数 | torch.int32或torch.int |
64bit有符号整数 | torch.int64或torch.long |
布尔型 | torch.bool |
复数型 | torch.complex64 |
1.3 张量类型的转化
张量类型的隐式转化
与Numpy
中array
相同,当各张量类型属于不同类型时,系统会自动进行隐式转化
python
# 浮点型和整数型的隐式转化
torch.tensor([1.1, 2]).dtype
# output : torch.float
python
# 布尔型和数值型的隐式转化
torch.tensor([True, 2.0])
# output : torch([1., 2.])
张量类型的转化方法
除了隐式转化,我们还可以使用.float()
、.int()
方法对张量类型进行转化
python
t = torch.tensor([1, 2]) #创建张量t
python
# 转化为默认浮点型(32位)
t.float()
# output : tensor([1., 2.])
python
# 转化为双精度浮点型
t.double()
# output : tensor([1., 2.],dtype = torch.float64)
python
# 转化为16位整数
t.short()
# output : tensor([1, 2],dtype = torch.int16)
2 张量的维度与形变
张量作为一组数的结构化表示,同样具有维度的概念。
简单理解,向量就是一维的数组,而矩阵就是二维的数组。
在张量中,我们还可以定义更高维度的数组。
当然,张量的高维数组和
Numpy
中Array
概念类似。
2.1 创建高维张量
用简单序列创建一维数组
python
t = torch.tensor([1, 2])
python
# 使用ndim属性查看张量的维度
t.ndim
# output : 1
python
# 使用shape查看形状
t.shape
# output : torch.Size([2])
python
# 和shape函数相同
t.shape()
# output : torch.Size([2])
注:和
Numpy
不同,PyTorch
中size
方法返回结果和shape
属性返回结果一致
此外,还需要注意有两个常用的函数/方法,用来查看张量的形状
python
# 返回拥有几个(N-1)维张量
len(t1)
# output : 2,表示有两个0维张量
# 比如对二维张量采用len()方法,返回的就是多少个一维张量
python
# 返回总共拥有几个数
t.numel()
# output : 2
注:一维张量
len
和numel
返回结果相同,但更高维度张量则不然
用"序列"的"序列"创建二维数组
以此类推,我们还可以用形状相同的序列组成一个新的序列,进而将其转化为二维张量。
python
# 用list的list创建二维数组
t = torch.tensor([[1, 2], [3, 4]])
t
# output:
tensor([[1, 2],
[3, 4]])
python
# 查看维度
t.ndim
# output : 2
# 查看形状
t.shape
# output : torch.Size([2, 2])
# 查看形状
t.size()
# output : torch.Size([2, 2])
# 查看有几个(N-1)维张量
len(t)
# output : 2,表示由两个一维张量构成
# 查看拥有几个数
t.numel()
# output : 4
"零"维张量
在Pytorch
中,还有一类特殊的张量被称为零维张量。该类张量只包含一个元素,但又不是单独一个数。
python
t=torch.tensor(1)
t # output : tensor(1)
python
t.ndim # output : 0
python
t.shape # output : torch.Size([])
python
t.numel() # output : 1
理解:我们可以将零维张量视为拥有张量属性的单独一个数。
例如,张量可以存在
GPU
上,但``Python`原生的数值型对象不行,而零维张量可以。从学术名称来说,
Python
中单独一个数是scalars
(标量),而零维的张量则是tensor
高维张量
三维及三维以上的张量称其为高维张量。
python
a1 = np.array([[1, 2, 2], [3, 4, 4]])
a1
# output :
array([[1, 2, 2]
[3, 4, 4]])
python
a2 = np.array([[5, 6, 6], [7, 8, 8]])
a2
# output :
array([[5, 6, 6]
[7, 8, 8]])
python
# 由两个形状相同的二维数组创建一个三维的张量
t3 = torch.tensor([a1, a2])
t3
# output :
tensor([[[1, 2, 2],
[3, 4, 4]],
[[5, 6, 6],
[7, 8, 8]]], dtype=torch.int32)
python
t3.ndim
# output : 3
python
t3.shape
# output : torch.Size([2, 2, 3]) 包含两个,两行三列的矩阵的张量
python
len(t3)
# output : 2
python
t3.numel()
# output : 12
2.2 张量的形变
张量作为数字的结构化集合,其结构也是可以根据实际需求灵活调整的
flatten拉平:将任意维度张量转化为一维张量
python
t2 = torch.tensor([[1, 2], [3, 4]]) #二维张量
python
t2.flatten()
# output : tensor([1, 2, 3, 4])
python
t3 = torch.tensor([a1, a2]) #三维张量
python
t3.flatten()
# output : tensor([1, 2, 2, 3, 4, 4, 5, 6, 6, 7, 8, 8], dtype = int32)
注:如果将零维张量使用
flatten
,则会转化为一维张量
python
t = torch.tensor(1) # 零维张量
python
t.flatten()
# output : tensor([1])
reshape方法:任意变形
python
t1 = torch.tensor([1, 2])
python
# 转化为两行、一列的向量
t1.reshape(2, 1)
# output :
tensor([[1],
[2]])
注意 :
reshape
转化后的维度由该方法输入的参数个数决定
转化后生成一维张量
python
t1.reshape(2)
# output : tensor([1, 2])
# 另一种表达形式
t1.reshape(2, )
python
t1.reshape(2).ndim
# output : 1
转化后生成二维张量
python
t1.reshape(1, 2)
# output : tensor([[1, 2]])
python
t1.reshape(1, 2).ndim
# output : 2
转化后生成三维张量
python
t1.reshape(1, 1, 2)
# output : tensor([[[1, 2]]])
python
t1.reshape(1, 2, 1)
# output :
tensor([[[1],
[2]]])
python
# 注意转化过程维度的变化
t1.reshape(1, 2, 1).ndim
# output : 3
3 特殊张量的创建方法
在很多数学科学计算过程中,会创建一些特殊取值的张量用于模拟特殊取值的矩阵。如全0矩阵、对角矩阵等。
因此,
PyTorch
中也存在很多创建特殊张量的函数。
3.1 特殊取值的张量创建方法
全0张量
python
torch.zeros([2, 3]) #创建全是0的两行、三列的张量(矩阵)
# output :
tensor([[0., 0., 0.],
[0., 0., 0.]])
由于
zeros
就已经确定了张量元素取值,因此该函数传入的参数实际上决定了张量的形状
全1张量
python
torch.ones([2, 3])
# output :
tensor([[1., 1., 1.],
[1., 1., 1.]])
单位矩阵
python
torch.eye(5)
# output :
tensor([[1., 0., 0., 0., 0.],
[0., 1., 0., 0., 0.],
[0., 0., 1., 0., 0.],
[0., 0., 0., 1., 0.],
[0., 0., 0., 0., 1.]])
对角矩阵
在
pytorch
中,需要利用一维张量去创建对角矩阵
python
t1 = torch.tensor([1, 2])
python
torch.diag(t1)
# output :
tensor([[1, 0],
[0, 2]])
千万不能直接使用
list
创建对角矩阵.
rand:服从0-1均匀分布的张量
python
torch.rand(2, 3)
# output :
tensor([[0.0214, 0.3989, 0.0814],
[0.8888, 0.1773, 0.2567]])
randn:服从标准正态分布的张量
python
torch.randn(2, 3)
# output :
tensor([[-0.8638, 1.0079, 0.0267],
[ 1.3223, 0.0856, -0.7271]])
normal:服从指定正态分布的张量
python
torch.normal(2, 3, size=(2, 2)) # 均值为2,标准差为3的张量
# output :
tensor([[ 1.5616, -0.9688],
[ 3.4087, -0.0917]])
randint:整数随机采样结果
python
torch.randint(1, 10, [2, 4]) # 在1-10之间随机抽取整数,组成两行四列的张量
# output :
tensor([[4, 1, 9, 8],
[4, 2, 5, 7]])
arange/linspace:生成数列
python
torch.arange(5) # 和range相同
# output : tensor([0, 1, 2, 3, 4])
python
torch.arange(1, 5, 0.5) # 从1到5(左闭右开),每隔0.5取值一个
# output :
tensor([1.0000, 1.5000, 2.0000, 2.5000, 3.0000, 3.5000, 4.0000, 4.5000])
python
torch.linspace(1, 5, 3) # 从1到5(左右都包含),等距取三个数
# output :
tensor([1., 3., 5.])
empty:生成未初始化的指定形状矩阵
python
torch.empty(2, 3) # 生成的值只是内存中的原始字节
# output :
tensor([[3.1056e-33, 1.8203e-42, 0.0000e+00],
[0.0000e+00, 0.0000e+00, 0.0000e+00]])
full:根据指定形状,填充指定数值
python
torch.full([2, 4], 2)
# output :
tensor([[2, 2, 2, 2],
[2, 2, 2, 2]])
3.2 创建指定形状的数组
我们还可以根据指定对象的形状进行数值填充,只需要在上述函数后面加上
_like
即可
python
t1 = torch.tensor([1, 2])
t2 = torch.tensor([[1, 2], [3, 4]])
python
torch.full_like(t1, 2) # 根据t1形状,填充数值2
# output : tensor([2, 2])
python
torch.randint_like(t2, 1, 10)
# output :
tensor([[1, 1],
[2, 9]])
python
torch.zeros_like(t1)
# output : tensor([0, 0])
需要注意的是,
_like
函数需要注意转化前后数据类型一致的问题。
python
t10 = torch.tensor([1.1, 2.2]) # 传入randn_like的参数必须为浮点型
torch.randn_like(t10)
# output :
tensor([1.0909, 0.0379])
4 张量和其它相关类型之间的转化方法
张量、数组和列表是较为相似的三种类型对象。在实际操作中,经常会涉及三种对象的相互转化。
在前面中
torch.tensor
函数可以直接将数组或者列表转化为张量,我们也可以将张量转化为数组或者列表
.numpy方法:张量转化为数组
python
t = torch.tensor([ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10])
python
t.numpy()
# output :
array([ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10], dtype = int64)
# 也可以用np.array函数直接转化为array
np.array(t)
.tolist方法:张量转化为列表
python
t.tolist()
# output : [ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10]
list函数:张量转化为列表
python
list(t)
# output :
[tensor(1),
tensor(2),
tensor(3),
tensor(4),
tensor(5),
tensor(6),
tensor(7),
tensor(8),
tensor(9),
tensor(10)]
此时转化的列表是由一个个零维张量构成的列表,而非张量的数值组成的列表
.item()方法:转化为数值
在很多情况下,我们需要将最终计算的结果作为单独的数值进行输出
python
n = torch.tensor(1)
n.item()
# output : 1
5 张量的深拷贝
张量和python
一样,等号赋值操作实际上是浅拷贝。
进行深拷贝时需要使用clone方法
python
t1 = torch.tensor([ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10])
python
t2 = t1
t1[1] = 10
t2 #浅拷贝会和t2的值一起修改
# output : tensor([ 1, 10, 3, 4, 5, 6, 7, 8, 9, 10])
此时t1
和t2
指向相同的对象。要使t2
不随t1
对象改变而改变,则需要对t2
进行深拷贝,独自拥有一份对象。
python
t3 = t1.clone()
t1[0] = 100
t3
# output : tensor([ 1, 10, 3, 4, 5, 6, 7, 8, 9, 10])