小白入门PyTorch | 第一篇:什么是PyTorch?

Posted K同学啊

tags:

篇首语:本文由小常识网(cha138.com)小编为大家整理,主要介绍了小白入门PyTorch | 第一篇:什么是PyTorch?相关的知识,希望对你有一定的参考价值。

什么是PyTorch?

这是一个基于Python的科学计算包,主要分入如下2部分:

  • 使用GPU的功能代替numpy
  • 一个深刻的学习研究平台,提供最大的灵活性和速度

开始学习

Tensors (张量)

Tensors类似于numpyndarrays,另外还可以在GPU上使用Tensors来加速计算。

from __future__ import print_function
import torch

构造一个5x3矩阵,不初始化。

x = torch.empty(5, 3)
print(x)
tensor([[1.6932e+22, 7.7144e+31, 6.7109e+22],
        [1.6486e+22, 4.3605e+27, 2.8929e+12],
        [7.5338e+28, 1.8037e+28, 3.4740e-12],
        [1.7743e+28, 6.8239e+16, 1.8832e+34],
        [1.6078e+19, 4.4721e+21, 5.0789e-11]])

构造一个随机初始化的矩阵:

x = torch.rand(5, 3)
print(x)
tensor([[0.2712, 0.3545, 0.5300],
        [0.0976, 0.0149, 0.8799],
        [0.7187, 0.7343, 0.4521],
        [0.4418, 0.0132, 0.2708],
        [0.9201, 0.0794, 0.4476]])

构造一个矩阵全为 0,而且数据类型是 long.

x = torch.zeros(5, 3, dtype=torch.long)
print(x)
tensor([[0, 0, 0],
        [0, 0, 0],
        [0, 0, 0],
        [0, 0, 0],
        [0, 0, 0]])

构造一个张量,直接使用数据:

x = torch.tensor([5.5, 3])
print(x)
tensor([5.5000, 3.0000])

创建一个 tensor 基于已经存在的 tensor。

x = x.new_ones(5, 3, dtype=torch.double)     
print(x)

x = torch.randn_like(x, dtype=torch.float)    
print(x)                                     
tensor([[1., 1., 1.],
        [1., 1., 1.],
        [1., 1., 1.],
        [1., 1., 1.],
        [1., 1., 1.]], dtype=torch.float64)
tensor([[-1.2157, -0.6880,  0.3270],
        [-0.3162, -0.2479,  0.8731],
        [-0.3330, -0.3823,  0.5237],
        [-1.3132, -0.1246,  0.6706],
        [ 1.1174, -1.0695,  0.7972]])

获取它的维度信息:

print(x.size())
torch.Size([5, 3])

注意

``torch.Size`` 是一个元组,所以它支持左右的元组操作。

操作

在接下来的例子中,我们将会看到加法操作。

加法: 方式 1

y = torch.rand(5, 3)
print(x + y)
tensor([[-0.4000,  0.0549,  1.2980],
        [ 0.0748,  0.5602,  1.2120],
        [ 0.1771, -0.1623,  1.4076],
        [-0.4690,  0.6656,  0.8570],
        [ 1.5434, -0.8243,  1.4676]])

加法: 方式2

print(torch.add(x, y))
tensor([[-0.4000,  0.0549,  1.2980],
        [ 0.0748,  0.5602,  1.2120],
        [ 0.1771, -0.1623,  1.4076],
        [-0.4690,  0.6656,  0.8570],
        [ 1.5434, -0.8243,  1.4676]])

加法: 提供一个输出 tensor 作为参数

result = torch.empty(5, 3)
torch.add(x, y, out=result)
print(result)
tensor([[-0.4000,  0.0549,  1.2980],
        [ 0.0748,  0.5602,  1.2120],
        [ 0.1771, -0.1623,  1.4076],
        [-0.4690,  0.6656,  0.8570],
        [ 1.5434, -0.8243,  1.4676]])

加法: in-place

# adds x to y
y.add_(x)
print(y)
tensor([[-0.4000,  0.0549,  1.2980],
        [ 0.0748,  0.5602,  1.2120],
        [ 0.1771, -0.1623,  1.4076],
        [-0.4690,  0.6656,  0.8570],
        [ 1.5434, -0.8243,  1.4676]])

注意

任何使张量会发生变化的操作都有一个前缀 '_'。例如: ``x.copy_(y)``, ``x.t_()``, 将会改变 ``x``.

你可以使用标准的 NumPy 类似的索引操作

print(x[:, 1])
tensor([-0.6880, -0.2479, -0.3823, -0.1246, -1.0695])

改变大小:如果你想改变一个 tensor 的大小或者形状,你可以使用 torch.view

x = torch.randn(4, 4)
y = x.view(16)
z = x.view(-1, 8)  # the size -1 is inferred from other dimensions
print(x.size(), y.size(), z.size())
torch.Size([4, 4]) torch.Size([16]) torch.Size([2, 8])

如果你有一个元素 tensor ,可以使用 .item() 来获得这个 tensor 的值 。

x = torch.randn(1)
print(x)
print(x.item())
tensor([-0.4592])
-0.4592222571372986

Numpy转换

将Tensor转换为numpy数组

a = torch.ones(5)
print(a)
tensor([1., 1., 1., 1., 1.])
b = a.numpy()
print(b)
[1. 1. 1. 1. 1.]

看看numpy数组的值如何变化。

a.add_(1)
print(a)
print(b)
tensor([2., 2., 2., 2., 2.])
[2. 2. 2. 2. 2.]

numpy 数组转换为Torch张量

import numpy as np
a = np.ones(5)
b = torch.from_numpy(a)
np.add(a, 1, out=a)
print(a)
print(b)
[2. 2. 2. 2. 2.]
tensor([2., 2., 2., 2., 2.], dtype=torch.float64)

除了 CharTensor ,CPU 上的所有 TensorsNumPy 都可以相互转化

CUDA Tensors

可以通过 .to 方法将 Tensors 转移到任何设备

# 在GPU可用时运行
# 我们将使用 torch.device 对象将 tensors 移入、移出GPU
if torch.cuda.is_available():
    device = torch.device("cuda")          # 创建一共 CUDA设备对象
    y = torch.ones_like(x, device=device)  # 在GPU上直接创建一个 tensor
    x = x.to(device)                       # 等价于:x = x.to("cuda")
    z = x + y
    print(z)
    print(z.to("cpu", torch.double))       # .to() 将同时改变数据类型
tensor([0.5408], device='cuda:0')
tensor([0.5408], dtype=torch.float64)
👇🏻 扫一扫下方二维码,获取7900+本电子书👇🏻

以上是关于小白入门PyTorch | 第一篇:什么是PyTorch?的主要内容,如果未能解决你的问题,请参考以下文章

Java小白入门系列 第一篇 写在前面

小白入门深度学习 | 第四篇:配置PyTorch环境

小白入门深度学习 | 第一篇:配置深度学习环境

小白入门深度学习 | 第一篇:配置深度学习环境

Java零基础小白入门必做题汇总(建议收藏)第一篇

从基础概念到实现,小白如何快速入门PyTorch