PyTorch中的一些数据操作

在深度学习中,我们会频繁的对数据进行操作。这是我们在写代码最基本、入门的一个操作。

首先导入torch包

import torch

弄懂张量、数组、向量、矩阵中的一些基本概念

张量表⽰由⼀个数值组成的数组,这个数组可能有多个维度。具有⼀个轴的张量对应数学上的向量( vector )。 具有两个轴的张量对应数学上的矩阵(matrix )。
在PyTorch中, 可以使⽤ arange 创建⼀个⾏向量 x
代码如下

x1 = torch.arange(12)
print(x1)

输出结果如下:

 可以通过张量的 shape 属性来访问张量的形状

x1 =x1.shape
print(x1)

 结果如下:

也可以用numel()函数返回张量的个数 

x1 =x1.numel()
print(x1)

结果如下:

 要改变⼀个张量的形状而不改变元素数量和元素值,可以调⽤reshape函数。

x1 = x1.reshape(3, 4)
print(x1)

报错未解决 

Traceback (most recent call last):
  File "D:\PyCharm 2023.2.2\plugins\python\helpers\pydev\pydevconsole.py", line 364, in runcode
    coro = func()
  File "<input>", line 1, in <module>
AttributeError: 'int' object has no attribute 'reshape'
关于reshape()函数

我们还可以用这种写法来进行调用reshape函数

x2 = torch.reshape(x1,(3,4))
print(x2)
Traceback (most recent call last):
  File "D:\PyCharm 2023.2.2\plugins\python\helpers\pydev\pydevconsole.py", line 364, in runcode
    coro = func()
  File "<input>", line 1, in <module>
TypeError: reshape(): argument 'input' (position 1) must be Tensor, not int

 报错未解决,怀有是因为conda版本 

 按理来说输出的结果是一样的,但是在使用reshape()函数时候,首先要计算好维度,比如刚刚我们那个的张量长度是12,所以我们reshape()函数的值必须两个相乘等于12,如(1,12),(2,6),(3,4),(4,3)(6,2)(12,1)等等。如果相乘的不相等,就会出现以下错误

x2 = torch.reshape(x1,(2,4))
print(x2)
 
Traceback (most recent call last):
  File "D:\PyCharm 2023.2.2\plugins\python\helpers\pydev\pydevconsole.py", line 364, in runcode
    coro = func()
  File "<input>", line 1, in <module>
TypeError: reshape(): argument 'input' (position 1) must be Tensor, not int

当然,如果我们想要避免算错,也可以用-1来替换其中一个数字,此时系统会根据你给的一直,计算出另一个值来,如下图

 
x2 = torch.reshape(x1,(2,-1))
print(x2)

依旧报错 回来查看问题 

Traceback (most recent call last):
  File "D:\PyCharm 2023.2.2\plugins\python\helpers\pydev\pydevconsole.py", line 364, in runcode
    coro = func()
  File "<input>", line 1, in <module>
TypeError: reshape(): argument 'input' (position 1) must be Tensor, not int

两个的数字不能同时为-1,就像解方程一样,a*b=12 ,这个方程永远解不

x2 = torch.reshape(x1,(-1,-1))
print(x2)

 ----------------------------------------

我们希望使⽤全 0 、全 1 、其他常量或者从特定分布中随机采样的数字来初始化矩阵。我们可以创建⼀ 个形状为(2,3,2 )的张量,其中所有元素都设置为 0 。代码如下:
 

x3 =torch.zeros((2, 3, 2))
print(x3)

 

zeros的第一个参数是有几个矩阵,第二个矩阵是Y轴,第三个坐标是X轴。

同样,我们可以创建⼀个形状为 (2,3,2) 的张量,其中所有元素都设置为 1 。代码如下:

x3 =torch.ones((2, 3, 4))
print(x3)

关于random()函数
有时我们想通过从某个特定的概率分布中随机采样来得到张量中每个元素的值。
创建⼀个形状为( 3,4 )的张量。其中的 每个元素都从均值为0 、标准差为 1 的标准⾼斯(正态)分布中随机采样。

x4 = torch.randn(3,4)
print(x4)

 

randint(3,10,(3,2))他的意思是输出3到10之间,一个3*2的矩阵

torch.randperm()函数

代码如下图

x5 = torch.randperm(10)
print(x5)

 

返回整数从0到n-1的随机排列。torch.randperm(10)返回0-9之间的随机排列 

加减乘除
        对于任意具有相同形状的张量,常⻅的算术运算符(+、- 、 * 、 / 和 ** )都可以被升级为按元素运算。都可以在同⼀形状的任意两个张量上调⽤按元素操作。
 

x = torch.tensor([1.0, 2, 4, 8])
y = torch.tensor([2, 2, 2, 2])
print(x + y)
print(x * y)
print(x / y)
print(x * y)
print(x ** y)  # **运算符是幂运输

也可以求幂运输 

 
z = torch.exp(x)
print(z )

 

还可以对张量所有的元素求和,使用sum函数就可

print(x)
print(x.sum())

 

判断两个张量的元素是否相等 

print(x)
print(y)
print(x==y)

 输出结果是

还可以用cat()函数连接两个张量

X = torch.arange(12, dtype=torch.float32).reshape((3,4))
Y = torch.tensor([[2.0, 1, 4, 3], [1, 2, 3, 4], [4, 3, 2, 1]])
m= torch.cat((X,Y),dim=0)
n= torch.cat((X,Y),dim=1)
print(X)
print(Y)
print(m)
print(n)

其中dim = 0 是沿着X轴链接,dim =1 是沿着Y轴链接 

索引 

print(X[-1])
#结果
tensor([ 8.,  9., 10., 11.])

 

当里面参数是-1时 表示是从矩阵的倒数第一行开始

-2是从倒数第二行

print(X[-2])
#结果
tensor([4., 5., 6., 7.])

如果超出了矩阵的X周,就会报以下错误

 我们还可以截取某几行的,如下代码

 
print(X[1:3])
#结果
tensor([[ 4.,  5.,  6.,  7.],
        [ 8.,  9., 10., 11.]])

 

除读取外,我们还可以通过指定索引来将元素写⼊矩阵。

X[1, 2] = 9
print(X)
#输出结果是
tensor([[ 0.,  1.,  2.,  3.],
        [ 4.,  5.,  9.,  7.],
        [ 8.,  9., 10., 11.]])

评论 3
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值