目录
2、torch.stack():将张量在新创建的dim维度上进行拼接
3、torch.chunk():将张量按照维度 dim 进行平均切分。若不能整除,则最后一份张量小于其他张量
4、torch.split():将张量按照维度 dim 进行平均切分。可以指定每一个分量的切分长度
5、torch.index_select():在维度 dim 上,按照 index 索引取出数据拼接为张量返回
6、torch.mask_select():按照 mask 中的 True 进行索引拼接得到一维张量返回
10、torch.squeeze()和torch.unsqueeze()见:
11、torch.add():逐元素计算 input + alpha * other
⭐首先补充一个tensor形状与维度之间的关系:
[
[
[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]
],
[
[1., 1., 1., 1.],
[1., 1., 1., 1.],
[1., 1., 1., 1.]
]
]
第一层(最外层)中括号里面包含了两对中括号(以逗号进行分割),这就是(2,3,4)中的2,即第0维度是2。
第二层中括号里面包含了三对中括号(以逗号进行分割),这就是(2,3,4)中的3,即第1维度是3。
第三层中括号里面包含了四个数(以逗号进行分割),这就是(2,3,4)中的4,即第2维度是4。
参考:张量——Pytorch中Tensor的维度,形状,意义_Discipline※的博客-CSDN博客_pytorch tensor维度
1、torch.cat():将张量按照dim维度进行拼接
torch.cat(tensors, dim=0, out=None)
tensors: 张量序列
dim: 要拼接的维度
例子:
import torch
t1 = torch.ones(2,3)
t2 = torch.zeros(2,3)
t_cat1 = torch.cat([t1,t2],dim = 0)
t_cat2 = torch.cat([t2,t1],dim = 0)
t_cat3 = torch.cat([t1,t2],dim = 1)
print(f"t_cat1:{t_cat1}")
print(f"t_cat2:{t_cat2}")
print(f"t_cat3:{t_cat3}")
运行后的结果为:
t_cat1:tensor([[1., 1., 1.],
[1., 1., 1.],
[0., 0., 0.],
[0., 0., 0.]])
t_cat2:tensor([[0., 0., 0.],
[0., 0., 0.],
[1., 1., 1.],
[1., 1., 1.]])
t_cat3:tensor([[1., 1., 1., 0., 0., 0.],
[1., 1., 1., 0., 0., 0.]])
从t_cat1和t_cat2可以看出,拼接的两个张量如果顺序不同,输出的结果也不同。
2、torch.stack():将张量在新创建的dim维度上进行拼接
torch.stack(tensors, dim=0, out=None)
tensors: 张量序列
dim: 要拼接的维度
例子:
import torch
t1 = torch.ones(2,3)
t2 = torch.zeros(2,3)
t3 = torch.full((2,3),2)
t_stack1 = torch.stack([t1,t2,t3],dim = 0)
t_stack2 = torch.stack([t1,t2,t3],dim = 1)
t_stack3 = torch.stack([t1,t2,t3],dim = 2)
print(f"t_stack1:{t_stack1}")
print(f"t_stack2:{t_stack2}")
print(f"t_stack3:{t_stack3}")
运行后的结果为:
t_stack1:tensor([[[1., 1., 1.],
[1., 1., 1.]],
[[0., 0., 0.],
[0., 0., 0.]],
[[2., 2., 2.],
[2., 2., 2.]]])
t_stack2:tensor([[[1., 1., 1.],
[0., 0., 0.],
[2., 2., 2.]],
[[1., 1., 1.],
[0., 0., 0.],
[2., 2., 2.]]])
t_stack3:tensor([[[1., 0., 2.],
[1., 0., 2.],
[1., 0., 2.]],
[[1., 0., 2.],
[1., 0., 2.],
[1., 0., 2.]]])
第一次指定拼接的维度 dim =2,结果的维度是 [2, 3, 3]。后面指定拼接的维度 dim =0,由于原来的 tensor 已经有了维度 0,因此会把 tensor 往后移动一个维度变为 [1,2,3],再拼接变为 [3,2,3]。
3、torch.chunk():将张量按照维度 dim 进行平均切分。若不能整除,则最后一份张量小于其他张量
torch.chunk(input, chunks, dim=0)
input: 要切分的张量
chunks: 要切分的份数
dim: 要切分的维度
例子:
a = torch.ones((2, 7)) # 7
list_of_tensors = torch.chunk(a, dim=1, chunks=3) # 3
for idx, t in enumerate(list_of_tensors):
print("第{}个张量:{}, shape is {}".format(idx+1, t, t.shape))
运行后的结果为:
第1个张量:tensor([[1., 1., 1.],
[1., 1., 1.]]), shape is torch.Size([2, 3])
第2个张量:tensor([[1., 1., 1.],
[1., 1., 1.]]), shape is torch.Size([2, 3])
第3个张量:tensor([[1.],
[1.]]), shape is torch.Size([2, 1])
由于 7 不能整除 3,7/3 再向上取整是 3,因此前两个维度是 [2, 3],所以最后一个切分的张量维度是 [2,1]。
4、torch.split():将张量按照维度 dim 进行平均切分。可以指定每一个分量的切分长度
torch.split(tensor, split_size_or_sections, dim=0)
tensor: 要切分的张量
split_size_or_sections: 为 int 时,表示每一份的长度,如果不能被整除,则最后一份张量小于其他张量;为 list 时,按照 list 元素作为每一个分量的长度切分。如果 list 元素之和不等于切分维度 (dim) 的值,就会报错。
dim: 要切分的维度
例子:
t = torch.ones((2, 5))
list_of_tensors = torch.split(t, [2, 1, 2], dim=1)
for idx, t in enumerate(list_of_tensors):
print("第{}个张量:{}, shape is {}".format(idx+1, t, t.shape))
运行后的结果为:
第1个张量:tensor([[1., 1.],
[1., 1.]]), shape is torch.Size([2, 2])
第2个张量:tensor([[1.],
[1.]]), shape is torch.Size([2, 1])
第3个张量:tensor([[1., 1.],
[1., 1.]]), shape is torch.Size([2, 2])
5、torch.index_select():在维度 dim 上,按照 index 索引取出数据拼接为张量返回
torch.index_select(input, dim, index, out=None)
input: 要索引的张量
dim: 要索引的维度
index: 要索引数据的序号
例子:
# 创建均匀分布
t = torch.randint(0, 9, size=(3, 3))
# 注意 idx 的 dtype 不能指定为 torch.float
idx = torch.tensor([0, 2], dtype=torch.long)
# 取出第 0 行和第 2 行
t_select = torch.index_select(t, dim=0, index=idx)
print("t:\n{}\nt_select:\n{}".format(t, t_select))
运行后的结果为:
t:
tensor([[4, 5, 0],
[5, 7, 1],
[2, 5, 8]])
t_select:
tensor([[4, 5, 0],
[2, 5, 8]])
6、torch.mask_select():按照 mask 中的 True 进行索引拼接得到一维张量返回
torch.masked_select(input, mask, out=None)
要索引的张量
mask: 与 input 同形状的布尔类型张量
例子:
import torch
t = torch.randint(0, 9, size=(3, 3))
mask = t.le(5)
# 取出小于 5 的数
t_select = torch.masked_select(t, mask)
print("t:\n{}\nmask:\n{}\nt_select:\n{} ".format(t, mask, t_select))
运行后的结果为:
t:
tensor([[3, 2, 2],
[4, 0, 4],
[8, 7, 2]])
mask:
tensor([[ True, True, True],
[ True, True, True],
[False, False, True]])
t_select:
tensor([3, 2, 2, 4, 0, 4, 2])
7、torch.reshape():变换张量的形状
⭐当张量在内存中是连续时,返回的张量和原来的张量共享数据内存,当改变一个变量时,另一个变量也会被改变。
torch.reshape(input, shape)
input: 要变换的张量
shape: 新张量的形状
例子:
# 生成 0 到 8 的随机排列
t = torch.randperm(8)
# -1 表示这个维度是根据其他维度计算得出的
t_reshape = torch.reshape(t, (-1, 2, 2))
print("t:{}\nt_reshape:\n{}".format(t, t_reshape))
运行后的结果为:
t:tensor([6, 3, 5, 4, 2, 1, 0, 7])
t_reshape:
tensor([[[6, 3],
[5, 4]],
[[2, 1],
[0, 7]]])
在上面代码的基础上,修改张量中的元素,新张量的元素也会随之改变。
8、torch.transpose():交换张量的两个维度
torch.transpose(input, dim0, dim1)
input: 要交换的变量
dim0: 要交换的第一个维度
dim1: 要交换的第二个维度
例子:
t = torch.rand((2, 3, 4))
t_transpose = torch.transpose(t, dim0=1, dim1=2) # c*h*w c*w*h
print("t shape:{}\nt_transpose shape: {}".format(t.shape, t_transpose.shape))
运行后的结果为:
t shape:torch.Size([2, 3, 4])
t_transpose shape: torch.Size([2, 4, 3])
9、torch.t():2 维张量转置
例子:
t = torch.randint(1,5,size=(3,3))
t_t = torch.t(t)
print("t:\n{}\nt_t:\n{}".format(t,t_t))
运行后的结果为:
tensor([[2, 2, 2],
[3, 1, 3],
[3, 4, 2]])
t_t:
tensor([[2, 3, 3],
[2, 1, 4],
[2, 3, 2]])
10、torch.squeeze()和torch.unsqueeze()见:
pytorch中squeeze()和unsqueeze()函数介绍_冲冲冲鸭鸭鸭~的博客-CSDN博客_pytorch squeeze()
11、torch.add():逐元素计算 input + alpha * other
torch.add(input, other, out=None)
torch.add(input, other, *, alpha=1, out=None)
input: 第一个张量
alpha: 乘项因子
other: 第二个张量