评价此页

参数化教程#

创建日期:2021 年 4 月 19 日 | 最后更新:2024 年 2 月 5 日 | 最后验证:2024 年 11 月 5 日

作者Mario Lezcano

深度学习模型的正则化是一项极具挑战性的任务。由于函数优化的复杂性,当应用于深度模型时,罚函数法等经典技术往往不足。这在处理病态模型时尤为突出。例如,在长序列上训练的 RNN 和 GAN。近年来,人们提出了许多技术来正则化这些模型并改善其收敛性。在循环模型中,建议控制循环核的奇异值,以使 RNN 具有良好的条件数。例如,这可以通过使循环核正交来实现。正则化循环模型的另一种方法是“权重归一化”。该方法建议将参数的学习与其范数的学习分离。为此,将参数除以其Frobenius 范数,并学习一个单独的编码其范数的参数。在 GAN 中,提出了类似的正则化,名为“谱归一化”。该方法通过将其参数除以其谱范数(而不是其 Frobenius 范数)来控制网络的 Lipschitz 常数。

所有这些方法都有一个共同的模式:它们在使用参数之前都以适当的方式对其进行转换。在第一种情况下,它们通过使用将矩阵映射到正交矩阵的函数使其正交。在权重和谱归一化的情况下,它们将原始参数除以其范数。

更一般地说,所有这些示例都使用函数来对参数施加额外的结构。换句话说,它们使用函数来约束参数。

在本教程中,您将学习如何实现和使用此模式来对模型施加约束。这样做就像编写自己的 nn.Module 一样简单。

要求:torch>=1.9.0

手动实现参数化#

假设我们想要一个带有对称权重的方形线性层,即权重 X 满足 X = Xᵀ。一种方法是将矩阵的上三角部分复制到其下三角部分。

import torch
import torch.nn as nn
import torch.nn.utils.parametrize as parametrize

def symmetric(X):
    return X.triu() + X.triu(1).transpose(-1, -2)

X = torch.rand(3, 3)
A = symmetric(X)
assert torch.allclose(A, A.T)  # A is symmetric
print(A)                       # Quick visual check
tensor([[0.8663, 0.1643, 0.1030],
        [0.1643, 0.1068, 0.0690],
        [0.1030, 0.0690, 0.5378]])

然后我们可以使用这个想法来实现一个具有对称权重的线性层。

class LinearSymmetric(nn.Module):
    def __init__(self, n_features):
        super().__init__()
        self.weight = nn.Parameter(torch.rand(n_features, n_features))

    def forward(self, x):
        A = symmetric(self.weight)
        return x @ A

该层可以像常规线性层一样使用。

尽管这种实现是正确且独立的,但它存在一些问题。

  1. 它重新实现了该层。我们必须将线性层实现为 x @ A。这对于线性层来说问题不大,但想象一下必须重新实现 CNN 或 Transformer……

  2. 它没有将层和参数化分开。如果参数化更困难,我们将不得不为我们要使用它的每个层重写其代码。

  3. 它在每次使用该层时重新计算参数化。如果我们在此前向传播期间多次使用该层(想象 RNN 的循环核),它将在每次调用该层时计算相同的 A

参数化简介#

参数化可以解决所有这些问题以及其他问题。

让我们开始使用 torch.nn.utils.parametrize 重新实现上面的代码。我们所要做的就是将参数化编写为常规的 nn.Module

class Symmetric(nn.Module):
    def forward(self, X):
        return X.triu() + X.triu(1).transpose(-1, -2)

这就是我们需要做的一切。一旦我们有了这个,我们就可以通过以下方式将任何常规层转换为对称层:

ParametrizedLinear(
  in_features=3, out_features=3, bias=True
  (parametrizations): ModuleDict(
    (weight): ParametrizationList(
      (0): Symmetric()
    )
  )
)

现在,线性层的矩阵是对称的。

A = layer.weight
assert torch.allclose(A, A.T)  # A is symmetric
print(A)                       # Quick visual check
tensor([[-0.3255, -0.5054,  0.5320],
        [-0.5054,  0.5640, -0.2107],
        [ 0.5320, -0.2107,  0.5534]], grad_fn=<AddBackward0>)

我们可以对任何其他层做同样的事情。例如,我们可以创建一个具有斜对称核的 CNN。我们使用类似的参数化,将上三角部分以相反的符号复制到下三角部分。

class Skew(nn.Module):
    def forward(self, X):
        A = X.triu(1)
        return A - A.transpose(-1, -2)


cnn = nn.Conv2d(in_channels=5, out_channels=8, kernel_size=3)
parametrize.register_parametrization(cnn, "weight", Skew())
# Print a few kernels
print(cnn.weight[0, 1])
print(cnn.weight[2, 2])
tensor([[ 0.0000, -0.0758, -0.0938],
        [ 0.0758,  0.0000, -0.1028],
        [ 0.0938,  0.1028,  0.0000]], grad_fn=<SelectBackward0>)
tensor([[ 0.0000, -0.0693, -0.1184],
        [ 0.0693,  0.0000,  0.1190],
        [ 0.1184, -0.1190,  0.0000]], grad_fn=<SelectBackward0>)

检查参数化模块#

当一个模块被参数化时,我们发现该模块在三个方面发生了变化:

  1. model.weight 现在是一个属性。

  2. 它有一个新的 module.parametrizations 属性。

  3. 未参数化的权重已移至 module.parametrizations.weight.original


在参数化 weight 后,layer.weight 变为一个 Python 属性。每次我们请求 layer.weight 时,该属性都会计算 parametrization(weight),就像我们在上面的 LinearSymmetric 实现中所做的那样。

注册的参数化存储在模块内的 parametrizations 属性下。

layer = nn.Linear(3, 3)
print(f"Unparametrized:\n{layer}")
parametrize.register_parametrization(layer, "weight", Symmetric())
print(f"\nParametrized:\n{layer}")
Unparametrized:
Linear(in_features=3, out_features=3, bias=True)

Parametrized:
ParametrizedLinear(
  in_features=3, out_features=3, bias=True
  (parametrizations): ModuleDict(
    (weight): ParametrizationList(
      (0): Symmetric()
    )
  )
)

parametrizations 属性是一个 nn.ModuleDict,并且可以这样访问:

ModuleDict(
  (weight): ParametrizationList(
    (0): Symmetric()
  )
)
ParametrizationList(
  (0): Symmetric()
)

nn.ModuleDict 的每个元素都是一个 ParametrizationList,其行为类似于 nn.Sequential。此列表将允许我们将参数化连接到一个权重上。由于这是一个列表,我们可以通过索引它来访问参数化。以下是我们的 Symmetric 参数化的位置:

Symmetric()

我们注意到的另一件事是,如果我们打印参数,我们会看到参数 weight 已被移动。

print(dict(layer.named_parameters()))
{'bias': Parameter containing:
tensor([-0.0151,  0.0792, -0.0827], requires_grad=True), 'parametrizations.weight.original': Parameter containing:
tensor([[ 0.1760,  0.1101, -0.4042],
        [ 0.1726,  0.1297,  0.1050],
        [-0.2936,  0.1009,  0.1381]], requires_grad=True)}

它现在位于 layer.parametrizations.weight.original 下。

Parameter containing:
tensor([[ 0.1760,  0.1101, -0.4042],
        [ 0.1726,  0.1297,  0.1050],
        [-0.2936,  0.1009,  0.1381]], requires_grad=True)

除了这三个小差异之外,参数化正在做的事情与我们手动实现时完全相同。

tensor(0., grad_fn=<DistBackward0>)

参数化是一等公民#

由于 layer.parametrizations 是一个 nn.ModuleList,这意味着参数化已正确注册为原始模块的子模块。因此,注册参数的相同规则也适用于注册参数化。例如,如果参数化具有参数,则在调用 model = model.cuda() 时,这些参数将从 CPU 移动到 CUDA。

缓存参数化的值#

参数化通过上下文管理器 parametrize.cached() 提供了内置的缓存系统。

class NoisyParametrization(nn.Module):
    def forward(self, X):
        print("Computing the Parametrization")
        return X

layer = nn.Linear(4, 4)
parametrize.register_parametrization(layer, "weight", NoisyParametrization())
print("Here, layer.weight is recomputed every time we call it")
foo = layer.weight + layer.weight.T
bar = layer.weight.sum()
with parametrize.cached():
    print("Here, it is computed just the first time layer.weight is called")
    foo = layer.weight + layer.weight.T
    bar = layer.weight.sum()
Computing the Parametrization
Here, layer.weight is recomputed every time we call it
Computing the Parametrization
Computing the Parametrization
Computing the Parametrization
Here, it is computed just the first time layer.weight is called
Computing the Parametrization

连接参数化#

连接两个参数化就像在同一个张量上注册它们一样简单。我们可以使用它从更简单的参数化创建更复杂的参数化。例如,Cayley 映射将斜对称矩阵映射到正行列式的正交矩阵。我们可以将 Skew 和实现 Cayley 映射的参数化连接起来,以获得具有正交权重的层。

class CayleyMap(nn.Module):
    def __init__(self, n):
        super().__init__()
        self.register_buffer("Id", torch.eye(n))

    def forward(self, X):
        # (I + X)(I - X)^{-1}
        return torch.linalg.solve(self.Id - X, self.Id + X)

layer = nn.Linear(3, 3)
parametrize.register_parametrization(layer, "weight", Skew())
parametrize.register_parametrization(layer, "weight", CayleyMap(3))
X = layer.weight
print(torch.dist(X.T @ X, torch.eye(3)))  # X is orthogonal
tensor(2.6799e-07, grad_fn=<DistBackward0>)

这也可以用于修剪参数化模块,或重用参数化。例如,矩阵指数将对称矩阵映射到对称正定 (SPD) 矩阵,但矩阵指数也将斜对称矩阵映射到正交矩阵。利用这两个事实,我们可以重新利用之前的参数化。

class MatrixExponential(nn.Module):
    def forward(self, X):
        return torch.matrix_exp(X)

layer_orthogonal = nn.Linear(3, 3)
parametrize.register_parametrization(layer_orthogonal, "weight", Skew())
parametrize.register_parametrization(layer_orthogonal, "weight", MatrixExponential())
X = layer_orthogonal.weight
print(torch.dist(X.T @ X, torch.eye(3)))         # X is orthogonal

layer_spd = nn.Linear(3, 3)
parametrize.register_parametrization(layer_spd, "weight", Symmetric())
parametrize.register_parametrization(layer_spd, "weight", MatrixExponential())
X = layer_spd.weight
print(torch.dist(X, X.T))                        # X is symmetric
print((torch.linalg.eigvalsh(X) > 0.).all())  # X is positive definite
tensor(3.9361e-06, grad_fn=<DistBackward0>)
tensor(5.9605e-08, grad_fn=<DistBackward0>)
tensor(True)

初始化参数化#

参数化带有一个用于初始化它们的机制。如果我们实现一个带有以下签名的 right_inverse 方法

def right_inverse(self, X: Tensor) -> Tensor

它将在分配给参数化张量时使用。

让我们升级 Skew 类的实现以支持此功能

class Skew(nn.Module):
    def forward(self, X):
        A = X.triu(1)
        return A - A.transpose(-1, -2)

    def right_inverse(self, A):
        # We assume that A is skew-symmetric
        # We take the upper-triangular elements, as these are those used in the forward
        return A.triu(1)

我们现在可以初始化一个用 Skew 参数化的层

layer = nn.Linear(3, 3)
parametrize.register_parametrization(layer, "weight", Skew())
X = torch.rand(3, 3)
X = X - X.T                             # X is now skew-symmetric
layer.weight = X                        # Initialize layer.weight to be X
print(torch.dist(layer.weight, X))      # layer.weight == X
tensor(0., grad_fn=<DistBackward0>)

这个 right_inverse 在我们连接参数化时按预期工作。为了验证这一点,让我们升级 Cayley 参数化也支持初始化。

class CayleyMap(nn.Module):
    def __init__(self, n):
        super().__init__()
        self.register_buffer("Id", torch.eye(n))

    def forward(self, X):
        # Assume X skew-symmetric
        # (I + X)(I - X)^{-1}
        return torch.linalg.solve(self.Id - X, self.Id + X)

    def right_inverse(self, A):
        # Assume A orthogonal
        # See https://en.wikipedia.org/wiki/Cayley_transform#Matrix_map
        # (A - I)(A + I)^{-1}
        return torch.linalg.solve(A + self.Id, self.Id - A)

layer_orthogonal = nn.Linear(3, 3)
parametrize.register_parametrization(layer_orthogonal, "weight", Skew())
parametrize.register_parametrization(layer_orthogonal, "weight", CayleyMap(3))
# Sample an orthogonal matrix with positive determinant
X = torch.empty(3, 3)
nn.init.orthogonal_(X)
if X.det() < 0.:
    X[0].neg_()
layer_orthogonal.weight = X
print(torch.dist(layer_orthogonal.weight, X))  # layer_orthogonal.weight == X
tensor(2.6263, grad_fn=<DistBackward0>)

这个初始化步骤可以更简洁地写成:

layer_orthogonal.weight = nn.init.orthogonal_(layer_orthogonal.weight)

此方法的名称源于我们通常期望 forward(right_inverse(X)) == X。这是一种直接的重写方式,表明在用值 X 初始化后,前向传播应返回值 X。在实践中,此约束并未严格强制执行。事实上,有时放宽此关系可能很有趣。例如,考虑以下随机修剪方法的实现:

class PruningParametrization(nn.Module):
    def __init__(self, X, p_drop=0.2):
        super().__init__()
        # sample zeros with probability p_drop
        mask = torch.full_like(X, 1.0 - p_drop)
        self.mask = torch.bernoulli(mask)

    def forward(self, X):
        return X * self.mask

    def right_inverse(self, A):
        return A

在这种情况下,对于每个矩阵 A,forward(right_inverse(A)) == A 并非为真。这仅在矩阵 A 在与掩码相同的位置具有零时才成立。即便如此,如果我们为已剪枝的参数分配一个张量,那么该张量实际上会被剪枝,这也就不足为奇了。

layer = nn.Linear(3, 4)
X = torch.rand_like(layer.weight)
print(f"Initialization matrix:\n{X}")
parametrize.register_parametrization(layer, "weight", PruningParametrization(layer.weight))
layer.weight = X
print(f"\nInitialized weight:\n{layer.weight}")
Initialization matrix:
tensor([[3.6972e-01, 1.2390e-01, 5.3971e-02],
        [9.6893e-01, 5.7627e-01, 5.0946e-01],
        [5.5348e-01, 1.5360e-04, 7.7683e-01],
        [7.6431e-01, 2.5302e-01, 8.1023e-01]])

Initialized weight:
tensor([[0.0000, 0.0000, 0.0540],
        [0.9689, 0.5763, 0.5095],
        [0.5535, 0.0000, 0.0000],
        [0.7643, 0.2530, 0.8102]], grad_fn=<MulBackward0>)

移除参数化#

我们可以使用 parametrize.remove_parametrizations() 从模块中的参数或缓冲区中移除所有参数化。

layer = nn.Linear(3, 3)
print("Before:")
print(layer)
print(layer.weight)
parametrize.register_parametrization(layer, "weight", Skew())
print("\nParametrized:")
print(layer)
print(layer.weight)
parametrize.remove_parametrizations(layer, "weight")
print("\nAfter. Weight has skew-symmetric values but it is unconstrained:")
print(layer)
print(layer.weight)
Before:
Linear(in_features=3, out_features=3, bias=True)
Parameter containing:
tensor([[-0.2286,  0.0560, -0.3441],
        [ 0.1481,  0.2031,  0.1504],
        [ 0.0266, -0.2899,  0.0658]], requires_grad=True)

Parametrized:
ParametrizedLinear(
  in_features=3, out_features=3, bias=True
  (parametrizations): ModuleDict(
    (weight): ParametrizationList(
      (0): Skew()
    )
  )
)
tensor([[ 0.0000,  0.0560, -0.3441],
        [-0.0560,  0.0000,  0.1504],
        [ 0.3441, -0.1504,  0.0000]], grad_fn=<SubBackward0>)

After. Weight has skew-symmetric values but it is unconstrained:
Linear(in_features=3, out_features=3, bias=True)
Parameter containing:
tensor([[ 0.0000,  0.0560, -0.3441],
        [-0.0560,  0.0000,  0.1504],
        [ 0.3441, -0.1504,  0.0000]], requires_grad=True)

移除参数化时,我们可以选择保留原始参数(即 layer.parametrizations.weight.original 中的参数),而不是其参数化版本,方法是将标志 leave_parametrized=False 设置为。

layer = nn.Linear(3, 3)
print("Before:")
print(layer)
print(layer.weight)
parametrize.register_parametrization(layer, "weight", Skew())
print("\nParametrized:")
print(layer)
print(layer.weight)
parametrize.remove_parametrizations(layer, "weight", leave_parametrized=False)
print("\nAfter. Same as Before:")
print(layer)
print(layer.weight)
Before:
Linear(in_features=3, out_features=3, bias=True)
Parameter containing:
tensor([[-0.1634, -0.3744, -0.4988],
        [-0.0839,  0.5572, -0.0879],
        [ 0.0223,  0.3485, -0.0652]], requires_grad=True)

Parametrized:
ParametrizedLinear(
  in_features=3, out_features=3, bias=True
  (parametrizations): ModuleDict(
    (weight): ParametrizationList(
      (0): Skew()
    )
  )
)
tensor([[ 0.0000, -0.3744, -0.4988],
        [ 0.3744,  0.0000, -0.0879],
        [ 0.4988,  0.0879,  0.0000]], grad_fn=<SubBackward0>)

After. Same as Before:
Linear(in_features=3, out_features=3, bias=True)
Parameter containing:
tensor([[ 0.0000, -0.3744, -0.4988],
        [ 0.0000,  0.0000, -0.0879],
        [ 0.0000,  0.0000,  0.0000]], requires_grad=True)

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