• Tutorials >
  • Jacobians, Hessians, hvp, vhp, and more: composing function transforms
Shortcuts

雅可比矩阵、海森矩阵、hvp、vhp 等:组合函数变换

创建于:2023年3月15日 | 最后更新:2023年4月18日 | 最后验证:2024年11月5日

计算雅可比矩阵或海森矩阵在许多非传统的深度学习模型中非常有用。使用PyTorch的常规自动微分API(Tensor.backward()torch.autograd.grad)高效计算这些量是困难的(或令人烦恼的)。PyTorch的JAX-inspired 函数变换API提供了高效计算各种高阶自动微分量的方法。

注意

本教程需要 PyTorch 2.0.0 或更高版本。

计算雅可比矩阵

import torch
import torch.nn.functional as F
from functools import partial
_ = torch.manual_seed(0)

让我们从一个我们想要计算其雅可比矩阵的函数开始。 这是一个带有非线性激活的简单线性函数。

def predict(weight, bias, x):
    return F.linear(x, weight, bias).tanh()

让我们添加一些虚拟数据:一个权重、一个偏置和一个特征向量x。

D = 16
weight = torch.randn(D, D)
bias = torch.randn(D)
x = torch.randn(D)  # feature vector

让我们将predict视为一个将输入x\(R^D \to R^D\)映射的函数。 PyTorch Autograd 计算向量-雅可比乘积。为了计算这个\(R^D \to R^D\)函数的完整雅可比矩阵,我们每次都必须使用不同的单位向量逐行计算。

def compute_jac(xp):
    jacobian_rows = [torch.autograd.grad(predict(weight, bias, xp), xp, vec)[0]
                     for vec in unit_vectors]
    return torch.stack(jacobian_rows)

xp = x.clone().requires_grad_()
unit_vectors = torch.eye(D)

jacobian = compute_jac(xp)

print(jacobian.shape)
print(jacobian[0])  # show first row
torch.Size([16, 16])
tensor([-0.5956, -0.6096, -0.1326, -0.2295,  0.4490,  0.3661, -0.1672, -1.1190,
         0.1705, -0.6683,  0.1851,  0.1630,  0.0634,  0.6547,  0.5908, -0.1308])

我们可以使用PyTorch的torch.vmap函数变换来逐行计算雅可比矩阵,从而消除for循环并向量化计算。我们不能直接将vmap应用于torch.autograd.grad;相反,PyTorch提供了一个torch.func.vjp变换,它与torch.vmap组合使用:

from torch.func import vmap, vjp

_, vjp_fn = vjp(partial(predict, weight, bias), x)

ft_jacobian, = vmap(vjp_fn)(unit_vectors)

# let's confirm both methods compute the same result
assert torch.allclose(ft_jacobian, jacobian)

在后续的教程中,反向模式自动微分(reverse-mode AD)和vmap的组合将为我们提供 每个样本的梯度。 在本教程中,反向模式自动微分和vmap的组合为我们提供了雅可比矩阵 计算! vmap和自动微分变换的各种组合可以为我们提供不同的 有趣的数量。

PyTorch 提供了 torch.func.jacrev 作为一个便捷函数,它执行 vmap-vjp 组合来计算雅可比矩阵。jacrev 接受一个 argnums 参数,该参数指定我们希望计算雅可比矩阵的参数。

from torch.func import jacrev

ft_jacobian = jacrev(predict, argnums=2)(weight, bias, x)

# Confirm by running the following:
assert torch.allclose(ft_jacobian, jacobian)

让我们比较一下计算雅可比矩阵的两种方法的性能。 函数转换版本要快得多(而且输出越多,速度越快)。

一般来说,我们期望通过vmap进行向量化可以帮助消除开销,并更好地利用您的硬件。

vmap 通过将外部循环推入函数的原始操作中来实现这种魔法,以获得更好的性能。

让我们快速创建一个函数来评估性能并处理微秒和毫秒的测量:

def get_perf(first, first_descriptor, second, second_descriptor):
    """takes torch.benchmark objects and compares delta of second vs first."""
    faster = second.times[0]
    slower = first.times[0]
    gain = (slower-faster)/slower
    if gain < 0: gain *=-1
    final_gain = gain*100
    print(f" Performance delta: {final_gain:.4f} percent improvement with {second_descriptor} ")

然后运行性能比较:

from torch.utils.benchmark import Timer

without_vmap = Timer(stmt="compute_jac(xp)", globals=globals())
with_vmap = Timer(stmt="jacrev(predict, argnums=2)(weight, bias, x)", globals=globals())

no_vmap_timer = without_vmap.timeit(500)
with_vmap_timer = with_vmap.timeit(500)

print(no_vmap_timer)
print(with_vmap_timer)
<torch.utils.benchmark.utils.common.Measurement object at 0x7f9c42779990>
compute_jac(xp)
  2.77 ms
  1 measurement, 500 runs , 1 thread
<torch.utils.benchmark.utils.common.Measurement object at 0x7f9c30629660>
jacrev(predict, argnums=2)(weight, bias, x)
  717.70 us
  1 measurement, 500 runs , 1 thread

让我们用我们的get_perf函数进行上述的相对性能比较:

get_perf(no_vmap_timer, "without vmap",  with_vmap_timer, "vmap")
Performance delta: 74.0459 percent improvement with vmap

此外,将问题反过来也很容易,我们可以说我们想要计算模型参数(权重、偏置)的雅可比矩阵,而不是输入的雅可比矩阵。

# note the change in input via ``argnums`` parameters of 0,1 to map to weight and bias
ft_jac_weight, ft_jac_bias = jacrev(predict, argnums=(0, 1))(weight, bias, x)

反向模式雅可比矩阵 (jacrev) 与正向模式雅可比矩阵 (jacfwd)

我们提供两个API来计算雅可比矩阵:jacrevjacfwd

  • jacrev 使用反向模式自动微分。正如你上面所看到的,它是我们的 vjpvmap 变换的组合。

  • jacfwd 使用前向模式自动微分。它是通过组合我们的 jvpvmap 变换来实现的。

jacfwdjacrev 可以互相替代,但它们的性能特征不同。

作为一般经验法则,如果你正在计算一个\(R^N \to R^M\)函数的雅可比矩阵,并且输出比输入多得多(例如,\(M > N\)),那么首选jacfwd,否则使用jacrev。这个规则有例外,但以下是一个非严格的论证:

在反向模式自动微分中,我们逐行计算雅可比矩阵,而在正向模式自动微分(计算雅可比-向量乘积)中,我们逐列计算。雅可比矩阵有M行和N列,因此如果它在某个方向上更高或更宽,我们可能更倾向于处理较少行或列的方法。

from torch.func import jacrev, jacfwd

首先,让我们用比输出更多的输入来进行基准测试:

Din = 32
Dout = 2048
weight = torch.randn(Dout, Din)

bias = torch.randn(Dout)
x = torch.randn(Din)

# remember the general rule about taller vs wider... here we have a taller matrix:
print(weight.shape)

using_fwd = Timer(stmt="jacfwd(predict, argnums=2)(weight, bias, x)", globals=globals())
using_bwd = Timer(stmt="jacrev(predict, argnums=2)(weight, bias, x)", globals=globals())

jacfwd_timing = using_fwd.timeit(500)
jacrev_timing = using_bwd.timeit(500)

print(f'jacfwd time: {jacfwd_timing}')
print(f'jacrev time: {jacrev_timing}')
torch.Size([2048, 32])
jacfwd time: <torch.utils.benchmark.utils.common.Measurement object at 0x7f9c7c030970>
jacfwd(predict, argnums=2)(weight, bias, x)
  1.31 ms
  1 measurement, 500 runs , 1 thread
jacrev time: <torch.utils.benchmark.utils.common.Measurement object at 0x7f9c3062a140>
jacrev(predict, argnums=2)(weight, bias, x)
  9.64 ms
  1 measurement, 500 runs , 1 thread

然后进行相对基准测试:

get_perf(jacfwd_timing, "jacfwd", jacrev_timing, "jacrev", );
Performance delta: 633.6084 percent improvement with jacrev

现在是相反的情况 - 输出(M)比输入(N)多:

Din = 2048
Dout = 32
weight = torch.randn(Dout, Din)
bias = torch.randn(Dout)
x = torch.randn(Din)

using_fwd = Timer(stmt="jacfwd(predict, argnums=2)(weight, bias, x)", globals=globals())
using_bwd = Timer(stmt="jacrev(predict, argnums=2)(weight, bias, x)", globals=globals())

jacfwd_timing = using_fwd.timeit(500)
jacrev_timing = using_bwd.timeit(500)

print(f'jacfwd time: {jacfwd_timing}')
print(f'jacrev time: {jacrev_timing}')
jacfwd time: <torch.utils.benchmark.utils.common.Measurement object at 0x7f9c2bb1bfd0>
jacfwd(predict, argnums=2)(weight, bias, x)
  6.43 ms
  1 measurement, 500 runs , 1 thread
jacrev time: <torch.utils.benchmark.utils.common.Measurement object at 0x7f9c30334070>
jacrev(predict, argnums=2)(weight, bias, x)
  823.32 us
  1 measurement, 500 runs , 1 thread

以及相对性能比较:

get_perf(jacrev_timing, "jacrev", jacfwd_timing, "jacfwd")
Performance delta: 680.5701 percent improvement with jacfwd

使用functorch.hessian计算Hessian矩阵

我们提供了一个方便的API来计算海森矩阵:torch.func.hessiani。 海森矩阵是雅可比矩阵的雅可比矩阵(或偏导数的偏导数,也称为二阶导数)。

这表明可以组合使用 functorch 的 jacobian 变换来计算 Hessian 矩阵。 实际上,在内部,hessian(f) 就是 jacfwd(jacrev(f))

注意:为了提高性能:根据您的模型,您可能还希望使用jacfwd(jacfwd(f))jacrev(jacrev(f))来利用上述关于宽矩阵与高矩阵的经验法则来计算Hessians。

from torch.func import hessian

# lets reduce the size in order not to overwhelm Colab. Hessians require
# significant memory:
Din = 512
Dout = 32
weight = torch.randn(Dout, Din)
bias = torch.randn(Dout)
x = torch.randn(Din)

hess_api = hessian(predict, argnums=2)(weight, bias, x)
hess_fwdfwd = jacfwd(jacfwd(predict, argnums=2), argnums=2)(weight, bias, x)
hess_revrev = jacrev(jacrev(predict, argnums=2), argnums=2)(weight, bias, x)

让我们验证一下,无论使用hessian API还是使用jacfwd(jacfwd()),我们是否得到相同的结果。

True

批量雅可比和批量海森

在上述示例中,我们一直在处理单个特征向量。在某些情况下,您可能希望计算一批输出相对于一批输入的雅可比矩阵。也就是说,给定一批形状为 (B, N) 的输入和一个从 \(R^N \to R^M\) 的函数,我们希望得到一个形状为 (B, M, N) 的雅可比矩阵。

最简单的方法是使用 vmap

batch_size = 64
Din = 31
Dout = 33

weight = torch.randn(Dout, Din)
print(f"weight shape = {weight.shape}")

bias = torch.randn(Dout)

x = torch.randn(batch_size, Din)

compute_batch_jacobian = vmap(jacrev(predict, argnums=2), in_dims=(None, None, 0))
batch_jacobian0 = compute_batch_jacobian(weight, bias, x)
weight shape = torch.Size([33, 31])

如果你有一个函数从 (B, N) -> (B, M) 并且确定每个输入产生一个独立的输出,那么有时也可以通过求和输出然后计算该函数的雅可比矩阵来实现,而不需要使用 vmap

def predict_with_output_summed(weight, bias, x):
    return predict(weight, bias, x).sum(0)

batch_jacobian1 = jacrev(predict_with_output_summed, argnums=2)(weight, bias, x).movedim(1, 0)
assert torch.allclose(batch_jacobian0, batch_jacobian1)

如果你有一个从\(R^N \to R^M\)的函数,但输入是批处理的,你可以将vmapjacrev组合起来计算批处理的雅可比矩阵:

最后,批量海森矩阵可以类似地计算。最容易理解的方式是使用vmap来批量计算海森矩阵,但在某些情况下,求和技巧也适用。

compute_batch_hessian = vmap(hessian(predict, argnums=2), in_dims=(None, None, 0))

batch_hess = compute_batch_hessian(weight, bias, x)
batch_hess.shape
torch.Size([64, 33, 31, 31])

计算Hessian-向量积

计算Hessian-向量积(hvp)的简单方法是生成完整的Hessian矩阵并与向量进行点积。我们可以做得更好:事实证明,我们不需要生成完整的Hessian矩阵来实现这一点。我们将介绍两种(众多)不同的策略来计算Hessian-向量积: - 将反向模式AD与反向模式AD结合 - 将反向模式AD与正向模式AD结合

将反向模式自动微分与正向模式自动微分组合(而不是反向模式与反向模式组合)通常是计算hvp的更内存高效的方式,因为正向模式自动微分不需要构建Autograd图并保存中间结果以供反向传播:

from torch.func import jvp, grad, vjp

def hvp(f, primals, tangents):
  return jvp(grad(f), primals, tangents)[1]

这里是一些示例用法。

def f(x):
  return x.sin().sum()

x = torch.randn(2048)
tangent = torch.randn(2048)

result = hvp(f, (x,), (tangent,))

如果 PyTorch 的前向自动微分(forward-AD)不支持您的操作,那么我们可以使用反向模式自动微分(reverse-mode AD)与反向模式自动微分(reverse-mode AD)进行组合:

def hvp_revrev(f, primals, tangents):
  _, vjp_fn = vjp(grad(f), *primals)
  return vjp_fn(*tangents)

result_hvp_revrev = hvp_revrev(f, (x,), (tangent,))
assert torch.allclose(result, result_hvp_revrev[0])

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

Gallery generated by Sphinx-Gallery

优云智算