赞
踩
序言:最近准备一直在用pytorch,特地总结一下如何快速用pytorch搭建神经网络学习人工智能。
目录
2.4 Torch tensor与Numpy ndarray转换
2017年1月,由Facebook人工智能研究院(FAIR)基于Torch推出了PyTorch。
基于Python的可续计算包,提供两个高级功能:
具有强大的GPU加速的张量计算(如NumPy)。
包含自动求导系统的深度神经网络。
这里建议pycharm和anaconda一起使用,anaconda用来管理环境,pycharm写代码。
访问PyTorch,根据自己电脑配置选择选项,然后将生成的复制command到cmd窗口进行安装
conda install pytorch torchvision torchaudio cpuonly -c pytorch
安装完成后,查看pytorch是否安装成功
- import torch
- print("pytorch版本",torch.__version__)
- print("是否支持gpu", torch.cuda.is_available())】
Tensors张量类似于Numpy中的ndarray数据结构, 最大的区别在于Tensor可以利用GPU的加速功能.
创建一个空矩阵
- x=torch.empty(5,3)
- print(x)
创建随机分布的矩阵,标准高斯分布
- #创建随机分布的矩阵,标准高斯分布
- x=torch.rand(5,3)
- print(x)
- x = torch.zeros(5, 3, dtype=torch.long)
- print(x)
- x=torch.tensor([[2, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
- print(x)
通过已有的一个张量创建相同尺寸的新张量
- x = torch.ones(5,3,dtype=torch.double)
- print(x)
- y = torch.randn_like(x, dtype=torch.float)
- print(y)
- print(x.size())
- a,b=x.size()
- print("a:",a)
- print("b:",b)
+,-,*,/
- # +,-,*,/
- x = torch.tensor([1.0, 2, 4, 8])
- y = torch.tensor([2, 2, 2, 2])
- x + y, x - y, x * y, x / y, x ** y # **运算符是求幂运算
转换张量形状reshape和view
- ## 转换张量形状
- x=torch.arange(12,dtype=torch.float32).reshape(3,4)
- print(x)
- x=x.reshape(4,3)
- print(x)
- y=x.view(3,4)
- print(y)
torch的view()与reshape()方法都可以用来重塑tensor的shape,区别就是使用的条件不一样。view()方法只适用于满足连续性条件的tensor,并且该操作不会开辟新的内存空间,只是产生了对原存储空间的一个新别称和引用,返回值是视图。而reshape()方法的返回值既可以是视图,也可以是副本,当满足连续性条件时返回view,否则返回副本[ 此时等价于先调用contiguous()方法在使用view() ]。因此当不确能否使用view时,可以使用reshape。如果只是想简单地重塑一个tensor的shape,那么就是用reshape,但是如果需要考虑内存的开销而且要确保重塑后的tensor与之前的tensor共享存储空间,那就使用view()。
————————————————
原文链接:https://blog.csdn.net/flag_ing/article/details/109129752
沿着行或者列的方向联结,dim=0是行,1是列。
- #沿着行或者列的方向联结
- y = torch.tensor([[2.0, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
- x = torch.arange(12, dtype=torch.float32).reshape((3,4))
- print(x)
- print("行:",torch.cat((x, y), dim=0))#行
- print("列:",torch.cat((x, y), dim=1))#列
- print(x[:, 1])#所有行的第2列
初始数据
x = torch.arange(12, dtype=torch.float32).reshape((3,4))
- a = torch.ones(5)
- print(type(a),a)
- b=a.numpy()
- print(type(b),b)
- c=torch.tensor(b)
- print(type(c),c)
在实际计算中,传入cpu与gpu的变量不一样,需要相互转换类型才能一起运算
使用.to 方法实现
- if torch.cuda.is_available():
- # 定义一个设备对象, 这里指定成CUDA, 即使用GPU,如果有多个gpu可以用cuda0,cuda1表示
- device = torch.device("cuda")
- # 直接在GPU上创建一个Tensor
- y = torch.ones_like(x, device=device)
- # 将在CPU上面的x张量移动到GPU上面
- x = x.to(device)
- # x和y都在GPU上面, 才能支持加法运算
- z = x + y
- # 此处的张量z在GPU上面
- print(z)
- # 也可以将z转移到CPU上面, 并同时指定张量元素的数据类型
- print(z.to("cpu", torch.double))
Copyright © 2003-2013 www.wpsshop.cn 版权所有,并保留所有权利。