Pytorch – torch.cat参数详解与使用
本文作者:StubbornHuang
版权声明:本文为站长原创文章,如果转载请注明原文链接!
原文标题:Pytorch – torch.cat参数详解与使用
原文链接:https://www.stubbornhuang.com/2216/
发布于:2022年07月25日 11:23:32
修改于:2022年07月25日 11:23:32

1 torch.cat参数详解与使用
1.1 torch.cat
1.函数形式
torch.cat(tensors, dim=0, *, out=None) → Tensor
2.函数功能
在指定的维度串联指定Tensor序列,所有Tensor都必须具有相同的形状(连接维度除外),或者Tensor为空。
torch.cat可以看作是torch.split或者torch.chunk的反操作。
3.函数参数
- tensors:Tensor序列,除cat的维度形状可以不同之外,输入的Tensor必须类型相同且形状相同
- dim:int类型,Tensor序列连接的维度
4.函数返回值
返回串联好的Tensor
1.2 torch.cat的使用
1.2.1 torch.cat串联一维Tensor序列
import torch
if __name__ == '__main__':
tensor1 = torch.tensor([1,2,3,4])
tensor2 = torch.tensor([5,6,7,8])
tensor3 = torch.tensor([9,10,11,12])
tensor4 = torch.tensor([13,14,15,16])
output0 = torch.cat([tensor1,tensor2,tensor3,tensor4],dim=0)
print(output0)
输出
tensor([ 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16])
1.2.2 torch.cat串联二维Tensor序列
import torch
if __name__ == '__main__':
tensor1 = torch.tensor([1,2,3,4]).view(2,2)
tensor2 = torch.tensor([5,6,7,8]).view(2,2)
tensor3 = torch.tensor([9,10,11,12]).view(2,2)
tensor4 = torch.tensor([13,14,15,16]).view(2,2)
output0 = torch.cat([tensor1,tensor2,tensor3,tensor4],dim=0)
output1 = torch.cat([tensor1, tensor2, tensor3, tensor4], dim=1)
print('torch.cat dim=0:{0},{1}'.format(output0,output0.shape))
print('torch.cat dim=1:{0},{1}'.format(output1,output1.shape))
输出
torch.cat dim=0:tensor([[ 1, 2],
[ 3, 4],
[ 5, 6],
[ 7, 8],
[ 9, 10],
[11, 12],
[13, 14],
[15, 16]]),torch.Size([8, 2])
torch.cat dim=1:tensor([[ 1, 2, 5, 6, 9, 10, 13, 14],
[ 3, 4, 7, 8, 11, 12, 15, 16]]),torch.Size([2, 8])
1.2.3 torch.cat串联三维Tensor序列
import torch
if __name__ == '__main__':
tensor1 = torch.arange(0,8).view(2,2,2)
tensor2 = torch.arange(8,16).view(2,2,2)
tensor3 = torch.arange(16,24).view(2,2,2)
tensor4 = torch.arange(24,32).view(2,2,2)
output0 = torch.cat([tensor1,tensor2,tensor3,tensor4],dim=0)
output1 = torch.cat([tensor1, tensor2, tensor3, tensor4], dim=1)
output2 = torch.cat([tensor1, tensor2, tensor3, tensor4], dim=2)
print('torch.cat dim=0:{0},{1}'.format(output0,output0.shape))
print('torch.cat dim=1:{0},{1}'.format(output1,output1.shape))
print('torch.cat dim=2:{0},{1}'.format(output2,output2.shape))
输出
torch.cat dim=0:tensor([[[ 0, 1],
[ 2, 3]],
[[ 4, 5],
[ 6, 7]],
[[ 8, 9],
[10, 11]],
[[12, 13],
[14, 15]],
[[16, 17],
[18, 19]],
[[20, 21],
[22, 23]],
[[24, 25],
[26, 27]],
[[28, 29],
[30, 31]]]),torch.Size([8, 2, 2])
torch.cat dim=1:tensor([[[ 0, 1],
[ 2, 3],
[ 8, 9],
[10, 11],
[16, 17],
[18, 19],
[24, 25],
[26, 27]],
[[ 4, 5],
[ 6, 7],
[12, 13],
[14, 15],
[20, 21],
[22, 23],
[28, 29],
[30, 31]]]),torch.Size([2, 8, 2])
torch.cat dim=2:tensor([[[ 0, 1, 8, 9, 16, 17, 24, 25],
[ 2, 3, 10, 11, 18, 19, 26, 27]],
[[ 4, 5, 12, 13, 20, 21, 28, 29],
[ 6, 7, 14, 15, 22, 23, 30, 31]]]),torch.Size([2, 2, 8])
当前分类随机文章推荐
- Pytorch - torch.topk参数详解与使用 阅读161次,点赞0次
- Pytorch - 多GPU训练方式nn.DataParallel与nn.parallel.DistributedDataParallel的区别 阅读722次,点赞0次
- Python - list/numpy/pytorch tensor相互转换 阅读1578次,点赞0次
- Pytorch - torch.unsqueeze和torch.squeeze函数 阅读239次,点赞0次
- Pytorch - 梯度累积/梯度累加trick,在显存有限的情况下使用更大batch_size训练模型 阅读251次,点赞0次
- Pytorch - 内置的LSTM网络torch.nn.LSTM参数详解与使用示例 阅读1523次,点赞0次
- Pytorch – 使用torch.matmul()替换torch.einsum('bhxyd,md->bhxym',(a,b))算子模式 阅读933次,点赞0次
- Pytorch - 使用torch.matmul()替换torch.einsum('nctw,cd->ndtw',(a,b))算子模式 阅读1788次,点赞0次
- Pytorch - torch.nn.Conv2d参数详解与使用 阅读332次,点赞0次
- Pytorch - torch.optim优化器 阅读565次,点赞0次
全站随机文章推荐
- 2023年完美货币PerfectMoney提现到国内银行卡以及提现到支付宝/微信账户的保姆级教程 阅读839次,点赞0次
- 深度学习 - 在大数据集下,内存容量与磁盘IO速度影响模型训练速度的问题 阅读48次,点赞0次
- TensorRT - 使用C++ SDK出现无法解析的外部符号 "class sample::Logger sample::gLogger"错误 阅读224次,点赞0次
- Python - 使用jsonpickle库对Python类对象进行json序列化和json反序列化操作 阅读3024次,点赞0次
- Mediapipe - 将Mediapipe handtracking封装成动态链接库dll/so,实现在桌面应用中嵌入手势识别功能 阅读9218次,点赞19次
- 资源分享 - 深度学习框架Pytorch入门与实践(陈云著)PDF下载 阅读3113次,点赞1次
- C++11 - 解析并获取可变参数模板中的所有参数 阅读1150次,点赞0次
- 资源分享 - A Biography of the Pixel 英文高清PDF下载 阅读1984次,点赞0次
- 资源分享 - GPU Pro 7 - Advanced Rendering Techniques 英文高清PDF下载 阅读2431次,点赞0次
- C++ - queue存储动态指针时正确释放内存 阅读5248次,点赞2次
评论
168