pytorch入门一(Tensor、Variable)

pytorch入门第一课

PyTorch,了解PyTorch 中的基本元素 Tensor 和 Variable 及其操作方式。

import torch
import numpy as np

# 创建一个 numpy ndarray,将numpy转化为Tensor
numpy_tensor = np.random.randn(10, 20)
pytorch_tensor1 = torch.Tensor(numpy_tensor)
pytorch_tensor2 = torch.from_numpy(numpy_tensor)
#print(pytorch_tensor2)

将 pytorch tensor 转换为 numpy ndarray
如果 pytorch tensor 在 cpu 上

 numpy_array = pytorch_tensor1.numpy()

如果 pytorch tensor 在 gpu 上
需要注意 GPU 上的 Tensor 不能直接转换为 NumPy ndarray,需要使用.cpu()先将 GPU 上的 Tensor 转到 CPU 上

numpy_array = pytorch_tensor1.cpu().numpy()
#PyTorch Tensor 使用 GPU 加速
#我们可以使用以下两种方式将 Tensor 放到 GPU 上
# 第一种方式是定义 cuda 数据类型
dtype = torch.cuda.FloatTensor # 定义默认 GPU 的 数据类型
gpu_tensor = torch.randn(10, 20).type(dtype)

# 第二种方式更简单,推荐使用
gpu_tensor = torch.randn(10, 20).cuda(0) # 将 tensor 放到第一个 GPU 上
gpu_tensor = torch.randn(10, 20).cuda(1) # 将 tensor 放到第二个 GPU 上
#使用第一种方式将 tensor 放到 GPU 上的时候会将数据类型转换成定义的类型,而是用第二种方式能够直接将 tensor 放到 GPU 上,类型跟之前保持一致
#推荐在定义 tensor 的时候就明确数据类型,然后直接使用第二种方法将 tensor 放到 GPU 上

而将 tensor 放回 CPU 的操作非常简单

cpu_tensor = gpu_tensor.cpu()

可以通过下面两种方式得到 tensor 的大小

 print(pytorch_tensor1.shape)
 print(pytorch_tensor1.size())

得到 tensor 的数据类型

print(pytorch_tensor1.type())

得到 tensor 的维度

print(pytorch_tensor1.dim())

得到 tensor 的所有元素个数

print(pytorch_tensor1.numel())

创建一个 float64、大小是 3 x 2、随机初始化的 tensor,将其转化为 numpy 的 ndarray,输出其数据类型参考输出: float64

x = torch.randn(3, 2)
#x = x.type(torch.DoubleTensor)#float64
x_array = x.numpy()
print(x_array.dtype)

Tensor的操作
Tensor 操作中的 api 和 NumPy 非常相似,如果你熟悉 NumPy 中的操作
,那么 tensor 基本是一致的,下面我们来列举其中的一些操作

x = torch.ones(2, 2)
print(x) # 这是一个float tensor
print(x.type())

将其转化为整形

x = x.long()
 # x = x.type(torch.LongTensor)
 print(x)
# 再将其转回 float
x = x.float()
# x = x.type(torch.FloatTensor)
print(x)


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

沿着行取最大值

max_value, max_idx = torch.max(x, dim=1)


#每一行的最大值
print(max_value)
# 每一行最大值的下标
print(max_idx)
# 沿着行对 x 求和
sum_x = torch.sum(x, dim=1)
print(sum_x)
# 增加维度或者减少维度
print(x.shape)

unsqueeze函数

x=torch.randn(3,1,4)
x = x.unsqueeze(0) # 在第一维增加
print(x.shape)

x = x.unsqueeze(2) # 在第san维增加
print(x.shape)
x = x.squeeze(0) # 减少第一维
#unsqueeze()与squeeze()作用相反。参数代表的意思相同。
#squeeze中的参数0、1分别代表第一、第二维度,squeeze(0)表示如果第一维度值为1,则去掉,否则不变。
print(x.shape)

x = x.squeeze() # 将 tensor 中所有的一维全部都去掉
print(x.shape)
x = torch.randn(3, 4, 5)
print(x.shape)

使用permute和transpose进行维度交换

x = x.permute(1, 0, 2) # permute 可以重新排列 tensor 的维度
print(x.shape)

x = x.transpose(0, 2)  # transpose 交换 tensor 中的两个维度
print(x.shape)

使用 view 对 tensor 进行 reshape

x = torch.randn(3, 4, 5)
print(x.shape)

x = x.view(-1, 5) # -1 表示任意的大小,5 表示第二维变成 5
print(x.shape)

x = x.view(3, 20) # 重新 reshape 成 (3, 20) 的大小
print(x.shape)

x = torch.randn(3, 4)
y = torch.randn(3, 4)

# 两个 tensor 求和
z = x + y# z = torch.add(x, y)

x = torch.ones(3, 3)
print(x.shape)

# unsqueeze 进行 inplace
x = x.unsqueeze(0)
#x.unsqueeze_(0)
print(x.shape)

# transpose 进行 inplace
x=x.transpose(1,0)
#x.transpose_(1, 0)
print(x.shape)

x = torch.ones(3, 3)
y = torch.ones(3, 3)
print(x)

# add 进行 inplace
x.add_(y)
print(x)

创建一个 float32、4 x 4 的全为1的矩阵,将矩阵正中间 2 x 2 的矩阵,全部修改成2

x = torch.ones(4, 4).float()
x[1:3, 1:3] = 2
print(x)
x_array = x.numpy()
print(x_array.dtype)

Variable
tensor 是 PyTorch 中的完美组件,但是构建神经网络还远远不够,我们需要能够构建计算图的 tensor,这就是 Variable。Variable 是对 tensor 的封装,操作和 tensor 是一样的,但是每个 Variabel都有三个属性,Variable 中的 tensor本身.data,对应 tensor 的梯度.grad以及这个 Variable 是通过什么方式得到的.grad_fn通过下面这种方式导入 Variable

from torch.autograd import Variable
x_tensor = torch.randn(10, 5)
y_tensor = torch.randn(10, 5)

# 将 tensor 变成 Variable
x = Variable(x_tensor, requires_grad=True)
# 默认 Variable 是不需要求梯度的,所以我们用这个方式申明需要对其进行求梯度
y = Variable(y_tensor, requires_grad=True)
z = torch.sum(x + y)
print(z.data)
print(z.grad_fn)
#上面我们打出了 z 中的 tensor 数值,同时通过grad_fn知道了其是通过 Sum 这种方式得到的
# 求 x 和 y 的梯度
z.backward()

print(x.grad)
print(y.grad)

autograd
实力一

import torch
from torch.autograd import Variable
    
x = Variable(torch.Tensor([2]), requires_grad=True)
y = x + 2
z = y ** 2 + 3
print(z)
z.backward()
print(x.grad)#也就是表达式z对x求导

实例二

import torch
from torch.autograd import Variable
x = Variable(torch.randn(10, 20), requires_grad=True)
y = Variable(torch.randn(10, 5), requires_grad=True)
w = Variable(torch.randn(20, 5), requires_grad=True)

out = torch.mean(y - torch.matmul(x, w)) # torch.matmul 是做矩阵乘法
out.backward()
# 得到 x 的梯度
print(x.grad)#10*20
# 得到 y 的梯度
print(y.grad)
# 得到 w 的梯度
print(w.grad)
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值