pytorch程式碼示例筆記 -- Autograd
這篇博文是我記錄學習pytorch的一些程式碼例子,我會時不時來看這些程式碼加深學習
例子來自https://pytorch.org/tutorials/beginner/pytorch_with_examples.html
import torch
import math
dtype = torch.float
device = torch.device("cpu")
x = torch.linspace(-math.pi, math.pi, 2000,
dtype=dtype, device=device)
y = torch.sin(x)
a = torch.randn((), device=device, dtype=dtype, requires_grad=True)
b = torch.randn((), device=device, dtype=dtype, requires_grad=True)
c = torch.randn((), device=device, dtype=dtype, requires_grad=True)
d = torch.randn((), device=device, dtype=dtype, requires_grad=True)
learning_rate = 1e-6
for t in range(2000):
y_pred = a + b * x + c * x ** 2 + d * x ** 3 #y預測
loss = (y_pred - y).pow(2).sum() #平方誤差
if t % 100 == 99:
print(t, loss.item())
loss.backward()
with torch.no_grad():
a -= learning_rate * a.grad
b -= learning_rate * b.grad
c -= learning_rate * c.grad
d -= learning_rate * d.grad
a.grad = None
b.grad = None
c.grad = None
d.grad = None
print(f'Result: y = {a.item()} + {b.item()} x + {c.item()} x^2 + {d.item()} x ^ 3')
相關文章
- [原始碼解析] PyTorch 分散式 Autograd (5) ---- 引擎(上)原始碼PyTorch分散式
- [原始碼解析] PyTorch 分散式 Autograd (6) ---- 引擎(下)原始碼PyTorch分散式
- [原始碼解析] PyTorch 分散式 Autograd (1) ---- 設計原始碼PyTorch分散式
- 06_pytorch的autograd操作PyTorch
- [原始碼解析] PyTorch 分散式 Autograd (4) ---- 如何切入引擎原始碼PyTorch分散式
- [原始碼解析] PyTorch 分散式 Autograd (2) ---- RPC基礎原始碼PyTorch分散式RPC
- PyTorch 介紹 | AUTOMATIC DIFFERENTIATION WITH TORCH.AUTOGRADPyTorch
- [原始碼解析] PyTorch 分散式(14) --使用 Distributed Autograd 和 Distributed Optimizer原始碼PyTorch分散式
- [原始碼解析] PyTorch 分散式 Autograd (3) ---- 上下文相關原始碼PyTorch分散式
- pytorch深度學習分類程式碼簡單示例PyTorch深度學習
- pytorch 方法筆記PyTorch筆記
- Pytorch筆記(一)PyTorch筆記
- pytorch學習筆記PyTorch筆記
- PyTorch 學習筆記PyTorch筆記
- [PyTorch 學習筆記] 6.2 NormalizationPyTorch筆記ORM
- Pytorch學習筆記之tensorboardPyTorch筆記ORB
- LearnVIORB程式碼框架筆記ORB框架筆記
- IP Adapter程式碼筆記APT筆記
- 排序程式碼示例排序
- RabbitMQ 程式碼示例MQ
- Pytorch學習筆記|莫凡PythonPyTorch筆記Python
- GEE呼叫Sentinel-2 MSI L2A資料集 示例程式碼解析筆記筆記
- 這是一個筆記示例筆記
- 基於PyTorch的大語言模型微調指南:Torchtune完整教程與程式碼示例PyTorch模型
- 通過示例學習PYTORCHPyTorch
- Python學習筆記—程式碼Python筆記
- Java NIO 程式碼示例Java
- java SPI 程式碼示例Java
- [PyTorch 學習筆記] 3.2 卷積層PyTorch筆記卷積
- [PyTorch 學習筆記] 5.1 TensorBoard 介紹PyTorch筆記ORB
- 樹莓派學習筆記(三)PyTorch樹莓派筆記PyTorch
- 深度學習框架Pytorch學習筆記深度學習框架PyTorch筆記
- 20240505記錄《程式碼隨想錄》筆記筆記
- shell指令碼程式設計筆記指令碼程式設計筆記
- 讀書筆記-乾淨程式碼筆記
- 程式碼大全2閱讀筆記筆記
- [例項分割]Condinst程式碼筆記筆記
- Pytorch常用程式碼段彙總PyTorch