PyTorch:张量

原文:https://pytorch.org/tutorials/beginner/examples_tensor/polynomial_tensor.html#sphx-glr-beginner-examples-tensor-polynomial-tensor-py

校对:DrDavidS

这里我们准备一个三阶多项式,通过最小化平方欧几里得距离来训练,并预测函数 y = sin(x)-pipi上的值。

此实现使用了 PyTorch 张量(tensor)来手动实现前向传播,损失(loss)和反向传播。

PyTorch 的张量基本上与 numpy 数组一样:它跟深度学习,梯度或计算图也没啥关系,只是用于任意数值计算的一种通用 n 维数组。

numpy 数组和 PyTorch 张量之间的最大区别在于,PyTorch 张量可以在 CPU 或 GPU 上运行。如果要在 GPU 上运行,只需将张量转换为 cuda 数据类型。

  1. import torch
  2. import math
  3. dtype = torch.float
  4. device = torch.device("cpu")
  5. # device = torch.device("cuda:0") # Uncomment this to run on GPU
  6. # Create random input and output data
  7. x = torch.linspace(-math.pi, math.pi, 2000, device=device, dtype=dtype)
  8. y = torch.sin(x)
  9. # Randomly initialize weights
  10. a = torch.randn((), device=device, dtype=dtype)
  11. b = torch.randn((), device=device, dtype=dtype)
  12. c = torch.randn((), device=device, dtype=dtype)
  13. d = torch.randn((), device=device, dtype=dtype)
  14. learning_rate = 1e-6
  15. for t in range(2000):
  16. # Forward pass: compute predicted y
  17. y_pred = a + b * x + c * x ** 2 + d * x ** 3
  18. # Compute and print loss
  19. loss = (y_pred - y).pow(2).sum().item()
  20. if t % 100 == 99:
  21. print(t, loss)
  22. # Backprop to compute gradients of a, b, c, d with respect to loss
  23. grad_y_pred = 2.0 * (y_pred - y)
  24. grad_a = grad_y_pred.sum()
  25. grad_b = (grad_y_pred * x).sum()
  26. grad_c = (grad_y_pred * x ** 2).sum()
  27. grad_d = (grad_y_pred * x ** 3).sum()
  28. # Update weights using gradient descent
  29. a -= learning_rate * grad_a
  30. b -= learning_rate * grad_b
  31. c -= learning_rate * grad_c
  32. d -= learning_rate * grad_d
  33. print(f'Result: y = {a.item()} + {b.item()} x + {c.item()} x^2 + {d.item()} x^3')

脚本的总运行时间:(0 分钟 0.000 秒)

下载 Python 源码:polynomial_tensor.py

下载 Jupyter 笔记本:polynomial_tensor.ipynb