%matplotlib inline

Autograd自动求导机制:

Pytorch中所有神经网络的核心是autograd包。
autograd包为张量上所有操作提供了自动求导。他是一个运行时定义的框架,这意味着反向传播是根据你的代码来确定如何运行。并且每次迭代可以是不同的。

张量(Tensor)

torch.Tensor是这个包的核心类。如果设置 .requires_grad 为 True,那么将会追踪所有对于该张量的操作。 当完成计算后通过调用 .backward(),自动计算所有的梯度, 这个张量的所有梯度将会自动积累到 .grad 属性。

要阻止张量跟踪历史记录,可以调用.detach()方法将其与计算历史记录分离,并禁止跟踪它将来的计算记录。

为了防止跟踪历史记录(和使用内存),可以将代码块包装在with torch.no_grad():中。 在评估模型时特别有用,因为模型可能具有requires_grad = True的可训练参数,但是我们不需要梯度计算。

在自动梯度计算中还有另外一个重要的类Function.

Tensor and Function are interconnected and build up an acyclic graph, that encodes a complete history of computation. Each tensor has a .grad_fn attribute that references a Function that has created the Tensor (except for Tensors created by the user - their grad_fn is None).

Tensor 和 Function互相连接并生成一个非循环图,它表示和存储了完整的计算历史。 每个张量都有一个.grad_fn属性,这个属性引用了一个创建了Tensor的Function(除非这个张量是用户手动创建的,即,这个张量的 grad_fn 是 None)。

如果需要计算导数,你可以在Tensor上调用.backward()。 如果Tensor是一个标量(即它包含一个元素数据)则不需要为backward()指定任何参数, 但是如果它有更多的元素,你需要指定一个gradient 参数来匹配张量的形状。

import torch

创建一个张量并设置requires_grad = True 用来计算他的追踪历史:

x = torch.ones(2,2,requires_grad=True)
print(x)
tensor([[1., 1.],
        [1., 1.]], requires_grad=True)

对张量进行操作:

y = x + 2
print(y)
tensor([[3., 3.],
        [3., 3.]], grad_fn=<AddBackward0>)

结果y已经被计算出来了,所以grad_fn也自动生成了:

print(y.grad_fn)
<AddBackward0 object at 0x000001AE590C0C48>

对y进行一个操作:

z = y * y * 3
print(z)
out = z.mean()
print(out)
tensor([[27., 27.],
        [27., 27.]], grad_fn=<MulBackward0>)
tensor(27., grad_fn=<MeanBackward0>)

.requires_grad_( … ) 可以改变现有张量的 requires_grad属性。 如果没有指定的话,默认输入的flag是 False。:

a = torch.randn(2,2)
a = (a*3)/(a-1)
print(a.requires_grad)
a.requires_grad = True
print(a.requires_grad)
b = (a * a ).sum()
print(b.grad_fn)
False
True
<SumBackward0 object at 0x000001AE590D8348>

梯度

反向传播 因为 out是一个纯量(scalar),out.backward() 等于out.backward(torch.tensor(1))。:

out.backward()

print gradients d(out)/dx :

print(x.grad)
tensor([[4.5000, 4.5000],
        [4.5000, 4.5000]])

偏o/偏z1 = 偏1/4*(z1+z2+z3+z4) / 偏z1 = 1/4 ;
偏z1 / 偏 x1 = 3 *2 * (x1 + 2) = 18 ;
所以偏o/偏x1 = 18 * 1/4 = 4.5 。 x2、x3、x4同上

还可用autograd做更多操作如下:

x = torch.randn(3,requires_grad = True)
y = x * 2
while y.data.norm() < 1000:
    y = y * 2
print(y)
tensor([769.4481, 488.8492, 887.1036], grad_fn=<MulBackward0>)
grandiants = torch.tensor([0.1,1.0,0.0001],dtype=torch.float)
y.backward(grandiants)
print(x.grad)
tensor([1.0240e+02, 1.0240e+03, 1.0240e-01])

如果requires_grad =True ,但是你有不希望进行auto_grad计算。那么可将变量包裹在with torch.no_grad中

print(x.requires_grad)
print((x ** 2).requires_grad)

with torch.no_grad():
	print((x ** 2).requires_grad)
True
True
False