快捷方式

扩展 PyTorch

在本说明中,我们将介绍扩展 torch.nntorch.autogradtorch 和编写自定义 C++ 扩展的方法。

添加新运算符

PyTorch 提供了大量用于处理张量的运算符库(例如 torch.add()torch.sum() 等)。但是,您可能希望将新的自定义运算符引入 PyTorch,并使其表现得像 PyTorch 的内置运算符一样。为此,您必须通过 Python torch.library 或 C++ TORCH_LIBRARY API 将自定义运算符注册到 PyTorch。

有关更多详细信息,请参阅 PyTorch 自定义运算符着陆页

扩展 torch.autograd

将运算符添加到 autograd 需要为每个运算符实现新的 Function 子类。请记住,函数是 autograd 用于编码运算历史记录和计算梯度的内容。

本文档的第一部分侧重于反向模式 AD,因为它是最常用的功能。最后一节讨论了前向模式 AD 的扩展。

何时使用

通常,如果您希望在模型中执行不可微分的计算或依赖于非 PyTorch 库(例如 NumPy),但仍然希望您的运算符与其他运算符链接并与 autograd 引擎一起使用,请实现自定义函数。

在某些情况下,自定义函数还可用于提高性能和内存使用率:如果您使用 C++ 扩展 实现正向和反向传递,则可以将它们包装在 Function 中以与 autograd 引擎交互。如果您希望减少为反向传递保存的缓冲区数量,则可以使用自定义函数将运算符组合在一起。

何时不使用

如果您已经可以使用 PyTorch 的内置运算符来编写函数,则其反向图(很可能)已经能够通过 autograd 记录。在这种情况下,您无需自己实现反向函数。考虑使用普通的旧 Python 函数。

如果您需要维护状态(即可训练参数),则您也应该使用自定义模块。有关扩展 torch.nn 的更多信息,请参见下面的部分。

如果您希望在反向传递期间修改梯度或执行副作用,请考虑注册 张量模块 钩子。

如何使用

请执行以下步骤:1. 子类化 Function 并实现 forward()、(可选)setup_context()backward() 方法。2. 在 ctx 参数上调用适当的方法。3. 声明您的函数是否支持 双重反向。4. 使用 gradcheck 验证您的梯度是否正确。

**步骤 1:**在子类化 Function 之后,您需要定义 3 个方法

  • forward() 是执行操作的代码。 它可以接受任意数量的参数,其中一些是可选的,如果您指定了默认值。 此处接受所有类型的 Python 对象。 Tensor 参数跟踪历史记录(即,具有 requires_grad=True)将在调用之前转换为不跟踪历史记录的那些,并且它们的使用将在图中注册。 请注意,此逻辑不会遍历列表/字典/任何其他数据结构,并且只会考虑作为调用直接参数的张量。 您既可以返回单个 Tensor 输出,也可以返回 tuple 如果有多个输出,则为张量。 另外,请参考 Function 的文档以查找可以在 forward() 中调用的有用方法的描述。

  • setup_context() (可选)。 可以编写接受 ctx 对象的“组合” forward(),或者(从 PyTorch 2.0 开始)编写不接受 ctx 的单独 forward() 和一个 setup_context() 方法,其中 ctx 修改发生。 forward() 应该包含计算,而 setup_context() 应该只负责 ctx 修改(并且没有任何计算)。 通常,单独的 forward()setup_context() 更接近 PyTorch 本机操作的工作方式,因此与各种 PyTorch 子系统更具可组合性。 见 组合或单独的 forward() 和 setup_context() 了解更多详细信息。

  • backward() (或 vjp())定义梯度公式。 它将被赋予与输出数量一样多的 Tensor 参数,其中每个参数都代表相对于该输出的梯度。 重要的是,永远不要对它们进行就地修改。 它应该返回与输入数量一样多的张量,其中每个张量都包含相对于其对应输入的梯度。 如果您的输入不需要梯度(needs_input_grad 是一个布尔值元组,指示每个输入是否需要梯度计算),或者是非 Tensor 对象,您可以返回 python:None。 此外,如果您对 forward() 有可选参数,您可以返回比输入更多的梯度,只要它们都是 None

步骤 2: 您有责任在 ctx 中正确使用函数,以确保新的 Function 可以与自动梯度引擎正常工作。

  • save_for_backward() 必须用于保存要在反向传递中使用的任何张量。 非张量应该直接存储在 ctx 上。 如果保存用于反向传播的既不是输入也不是输出的张量,您的 Function 可能不支持双重反向传播(见步骤 3)。

  • mark_dirty() 必须用于标记任何由前向函数就地修改的输入。

  • mark_non_differentiable() 必须用于告诉引擎输出是否不可微分。 默认情况下,所有可微类型的所有输出张量都将设置为需要梯度。 不可微类型(即整数类型)的张量永远不会被标记为需要梯度。

  • set_materialize_grads() 可用于告诉自动梯度引擎在输出不依赖于输入的情况下优化梯度计算,方法是不具体化传递给反向函数的梯度张量。 也就是说,如果设置为 False,Python 中的 None 对象或 C++ 中的“未定义张量”(张量 x,其中 x.defined() 为 False)不会在调用反向传播之前转换为填充为零的张量,因此您的代码需要将这些对象视为填充为零的张量。 此设置的默认值为 True。

步骤 3: 如果您的 Function 不支持双重反向传播,您应该通过用 once_differentiable() 装饰反向传播来明确声明这一点。 使用此装饰器,尝试通过您的函数执行双重反向传播将产生错误。 请参阅我们的双重反向传播教程,了解有关双重反向传播的更多信息。

步骤 4: 建议您使用 torch.autograd.gradcheck() 检查您的反向传播函数是否通过使用您的反向传播函数计算雅可比矩阵并与使用有限差分数值计算的雅可比矩阵进行逐元素比较来正确计算前向函数的梯度。

示例

下面您可以找到 Linear 函数的代码,以及其他注释

# Inherit from Function
class LinearFunction(Function):

    # Note that forward, setup_context, and backward are @staticmethods
    @staticmethod
    def forward(input, weight, bias):
        output = input.mm(weight.t())
        if bias is not None:
            output += bias.unsqueeze(0).expand_as(output)
        return output

    @staticmethod
    # inputs is a Tuple of all of the inputs passed to forward.
    # output is the output of the forward().
    def setup_context(ctx, inputs, output):
        input, weight, bias = inputs
        ctx.save_for_backward(input, weight, bias)

    # This function has only a single output, so it gets only one gradient
    @staticmethod
    def backward(ctx, grad_output):
        # This is a pattern that is very convenient - at the top of backward
        # unpack saved_tensors and initialize all gradients w.r.t. inputs to
        # None. Thanks to the fact that additional trailing Nones are
        # ignored, the return statement is simple even when the function has
        # optional inputs.
        input, weight, bias = ctx.saved_tensors
        grad_input = grad_weight = grad_bias = None

        # These needs_input_grad checks are optional and there only to
        # improve efficiency. If you want to make your code simpler, you can
        # skip them. Returning gradients for inputs that don't require it is
        # not an error.
        if ctx.needs_input_grad[0]:
            grad_input = grad_output.mm(weight)
        if ctx.needs_input_grad[1]:
            grad_weight = grad_output.t().mm(input)
        if bias is not None and ctx.needs_input_grad[2]:
            grad_bias = grad_output.sum(0)

        return grad_input, grad_weight, grad_bias

现在,为了便于使用这些自定义运算,我们建议对它们进行别名或将它们包装在函数中。 将其包装在函数中使我们能够支持默认参数和关键字参数

# Option 1: alias
linear = LinearFunction.apply

# Option 2: wrap in a function, to support default args and keyword args.
def linear(input, weight, bias=None):
    return LinearFunction.apply(input, weight, bias)

在这里,我们再举一个由非张量参数参数化的函数的例子

class MulConstant(Function):
    @staticmethod
    def forward(tensor, constant):
        return tensor * constant

    @staticmethod
    def setup_context(ctx, inputs, output):
        # ctx is a context object that can be used to stash information
        # for backward computation
        tensor, constant = inputs
        ctx.constant = constant

    @staticmethod
    def backward(ctx, grad_output):
        # We return as many input gradients as there were arguments.
        # Gradients of non-Tensor arguments to forward must be None.
        return grad_output * ctx.constant, None

在这里,我们通过调用 set_materialize_grads(False) 来优化上述示例

class MulConstant(Function):
    @staticmethod
    def forward(tensor, constant):
        return tensor * constant

    @staticmethod
    def setup_context(ctx, inputs, output):
        tensor, constant = inputs
        ctx.set_materialize_grads(False)
        ctx.constant = constant

    @staticmethod
    def backward(ctx, grad_output):
        # Here we must handle None grad_output tensor. In this case we
        # can skip unnecessary computations and just return None.
        if grad_output is None:
            return None, None

        # We return as many input gradients as there were arguments.
        # Gradients of non-Tensor arguments to forward must be None.
        return grad_output * ctx.constant, None

如果您需要保存任何在 forward() 中计算的“中间”张量,则要么必须将它们作为输出返回,要么组合 forwardsetup_context()(见 组合或单独的 forward() 和 setup_context())。 请注意,这意味着如果您希望梯度流经这些中间值,您需要为它们定义梯度公式(另请参阅 双重反向传播教程

class MyCube(torch.autograd.Function):
    @staticmethod
    def forward(x):
        # We wish to save dx for backward. In order to do so, it must
        # be returned as an output.
        dx = 3 * x ** 2
        result = x ** 3
        return result, dx

    @staticmethod
    def setup_context(ctx, inputs, output):
        x, = inputs
        result, dx = output
        ctx.save_for_backward(x, dx)

    @staticmethod
    def backward(ctx, grad_output, grad_dx):
        x, dx = ctx.saved_tensors
        # In order for the autograd.Function to work with higher-order
        # gradients, we must add the gradient contribution of `dx`,
        # which is grad_dx * 6 * x.
        result = grad_output * dx + grad_dx * 6 * x
        return result

# Wrap MyCube in a function so that it is clearer what the output is
def my_cube(x):
    result, dx = MyCube.apply(x)
    return result

注意

输入 backward,即 grad_output,也可以是跟踪历史记录的张量。 因此,如果 backward 是用可微分运算实现的(例如,调用另一个自定义 Function),则高阶导数将起作用。 在这种情况下,用 save_for_backward 保存的张量也可以在反向传播中使用,并且梯度会流回到它们,但保存在 ctx 中的张量不会有梯度流回到它们。 如果您需要为保存在 ctx 中的张量流回梯度,则应该将其作为自定义 Function 的输出,并使用 save_for_backward 保存它。

您可能想检查您实现的反向传播方法是否真的计算了函数的导数。 可以通过与使用小有限差分的数值近似进行比较来实现这一点

from torch.autograd import gradcheck

# gradcheck takes a tuple of tensors as input, check if your gradient
# evaluated with these tensors are close enough to numerical
# approximations and returns True if they all verify this condition.
input = (torch.randn(20,20,dtype=torch.double,requires_grad=True), torch.randn(30,20,dtype=torch.double,requires_grad=True))
test = gradcheck(linear, input, eps=1e-6, atol=1e-4)
print(test)

参见 数值梯度检查,了解有关有限差分梯度比较的更多详细信息。 如果您的函数用于高阶导数(对反向传播进行微分),则可以使用来自同一个包的 gradgradcheck 函数来检查高阶导数。

组合或单独的 forward()setup_context()

定义 Function 主要有两种方法:

  • 定义一个forward(),它将正向计算逻辑与setup_context()结合。

  • (从 PyTorch 2.0 开始)定义一个单独的forward()setup_context()

我们建议使用第二种方案(单独的forward()setup_context()),因为它更接近 PyTorch 原生操作的实现方式,并且可以与torch.func 转换组合。但是,我们计划在未来支持这两种方法;将forward()setup_context() 结合:可以带来更大的灵活性,因为您能够保存中间结果,而无需将其作为输出返回。

请参阅上一节,了解如何定义具有单独的Functionforward()setup_context()Function

以下是如何定义具有组合forward()setup_context()Function 的示例。

class LinearFunction(Function):
    @staticmethod
    # ctx is the first argument to forward
    def forward(ctx, input, weight, bias=None):
        # The forward pass can use ctx.
        ctx.save_for_backward(input, weight, bias)
        output = input.mm(weight.t())
        if bias is not None:
            output += bias.unsqueeze(0).expand_as(output)
        return output

    @staticmethod
    def backward(ctx, grad_output):
        input, weight, bias = ctx.saved_tensors
        grad_input = grad_weight = grad_bias = None

        if ctx.needs_input_grad[0]:
            grad_input = grad_output.mm(weight)
        if ctx.needs_input_grad[1]:
            grad_weight = grad_output.t().mm(input)
        if bias is not None and ctx.needs_input_grad[2]:
            grad_bias = grad_output.sum(0)

        return grad_input, grad_weight, grad_bias

前向模式 AD

重写前向模式 AD 公式具有非常相似的 API,但有一些细微差别。您可以实现 jvp() 函数。

它将接收与输入数量相同的Tensor 参数,每个参数都表示相对于该输入的梯度。它应该返回与输出数量相同的张量,每个张量都包含相对于其对应输出的梯度。 jvp() 将在 forward() 方法之后、apply() 返回之前被调用。

jvp()backward() 函数之间存在一些细微差别。

  • 您可以使用 ctx 将任何数据从 forward() 传递到 jvp() 函数。如果该状态不需要用于 backward(),您可以在 jvp() 函数末尾通过执行 del ctx.foo 来明确释放它。

  • jvp() 的实现必须是反向可微分的,或者明确检查给定的前向模式梯度中没有一个设置了 requires_grad

  • jvp() 函数必须与 forward() 的视图/就地行为相匹配。例如,如果第 i 个输入被就地修改,那么第 i 个梯度也必须被就地更新。类似地,如果第 j 个输出是第 k 个输入的视图。那么返回的第 j 个输出梯度也必须是给定第 k 个输入梯度的视图。

  • 由于用户无法指定要计算哪个梯度,因此 jvp() 函数应该始终计算所有输出的梯度。

  • 前向模式梯度会尊重由 set_materialize_grads() 设置的标志,并且当禁用此标志时,您可以获得 None 输入梯度。

torch.func 转换和/或 torch.vmap()

有关详细信息,请参阅使用 autograd.Function 扩展 torch.func

扩展 torch.nn

nn 导出两种接口 - 模块及其函数版本。您可以在两种方式下扩展它,但我们建议将模块用于所有类型的层(包括任何参数或缓冲区),并建议使用函数形式的无参数操作(如激活函数、池化等)。

添加操作的函数版本已经在上一节中完全介绍。

添加 Module

由于 nn 大量使用了 autograd,因此添加新的 Module 需要实现一个 Function 来执行操作并计算梯度。从现在开始,假设我们要实现一个 Linear 模块,并且我们已经实现了如上所述的函数。添加此模块所需代码非常少。现在,需要实现两个函数。

  • __init__可选) - 接收内核大小、特征数量等参数,并初始化参数和缓冲区。

  • forward() - 实例化一个 Function 并使用它来执行操作。它与上面显示的函数包装器非常相似。

以下是如何实现 Linear 模块。

class Linear(nn.Module):
    def __init__(self, input_features, output_features, bias=True):
        super().__init__()
        self.input_features = input_features
        self.output_features = output_features

        # nn.Parameter is a special kind of Tensor, that will get
        # automatically registered as Module's parameter once it's assigned
        # as an attribute. Parameters and buffers need to be registered, or
        # they won't appear in .parameters() (doesn't apply to buffers), and
        # won't be converted when e.g. .cuda() is called. You can use
        # .register_buffer() to register buffers.
        # nn.Parameters require gradients by default.
        self.weight = nn.Parameter(torch.empty(output_features, input_features))
        if bias:
            self.bias = nn.Parameter(torch.empty(output_features))
        else:
            # You should always register all possible parameters, but the
            # optional ones can be None if you want.
            self.register_parameter('bias', None)

        # Not a very smart way to initialize weights
        nn.init.uniform_(self.weight, -0.1, 0.1)
        if self.bias is not None:
            nn.init.uniform_(self.bias, -0.1, 0.1)

    def forward(self, input):
        # See the autograd section for explanation of what happens here.
        return LinearFunction.apply(input, self.weight, self.bias)

    def extra_repr(self):
        # (Optional)Set the extra information about this module. You can test
        # it by printing an object of this class.
        return 'input_features={}, output_features={}, bias={}'.format(
            self.input_features, self.output_features, self.bias is not None
        )

扩展 torch Python API

您可以通过定义一个具有与 Tensor 相匹配的方法的自定义类来创建模拟 Tensor 的自定义类型。但是,如果您想要将这些类型传递给诸如 torch.add() 之类的函数(它们位于顶级 torch 命名空间中,并接受 Tensor 操作数),该怎么办?

如果您的自定义 Python 类型定义了一个名为 __torch_function__ 的方法,则当您的自定义类的实例被传递到 torch 命名空间中的函数时,PyTorch 将调用您的 __torch_function__ 实现。这使得能够为 torch 命名空间中的任何函数定义自定义实现,您的 __torch_function__ 实现可以调用这些实现,允许您的用户使用您自定义的类型与现有的 PyTorch 工作流程(他们已经为 Tensor 编写)进行交互。这适用于与 Tensor 无关的“鸭子”类型,以及 Tensor 的用户定义子类。

使用 Tensor 类类型扩展 torch

注意

此功能受 NumPy 的 __array_function__ 协议启发。有关详细信息,请参阅 NumPy 文档NEP-0018

为了更具体,让我们从一个简单的例子开始,说明 API 派发机制。我们将创建一个自定义类型,它表示一个二维标量张量,由顺序 N 和对角线条目上的值 value 参数化。

class ScalarTensor(object):
   def __init__(self, N, value):
       self._N = N
       self._value = value

   def __repr__(self):
       return "ScalarTensor(N={}, value={})".format(self._N, self._value)

   def tensor(self):
       return self._value * torch.eye(self._N)

设计的第一次迭代并不是很有用。 ScalarTensor 的主要功能是提供比基本张量类中更紧凑的标量张量字符串表示。

>>> d = ScalarTensor(5, 2)
>>> d
ScalarTensor(N=5, value=2)
>>> d.tensor()
tensor([[2., 0., 0., 0., 0.],
        [0., 2., 0., 0., 0.],
        [0., 0., 2., 0., 0.],
        [0., 0., 0., 2., 0.],
        [0., 0., 0., 0., 2.]])

如果我们尝试将此对象与 torch API 一起使用,我们会遇到问题。

>>> import torch
>>> torch.mean(d)
TypeError: mean(): argument 'input' (position 1) must be Tensor, not ScalarTensor

ScalarTensor 添加 __torch_function__ 实现使上述操作能够成功。让我们重新执行我们的实现,这次添加一个 __torch_function__ 实现。

HANDLED_FUNCTIONS = {}
class ScalarTensor(object):
    def __init__(self, N, value):
        self._N = N
        self._value = value

    def __repr__(self):
        return "ScalarTensor(N={}, value={})".format(self._N, self._value)

    def tensor(self):
        return self._value * torch.eye(self._N)

    @classmethod
    def __torch_function__(cls, func, types, args=(), kwargs=None):
        if kwargs is None:
            kwargs = {}
        if func not in HANDLED_FUNCTIONS or not all(
            issubclass(t, (torch.Tensor, ScalarTensor))
            for t in types
        ):
            return NotImplemented
        return HANDLED_FUNCTIONS[func](*args, **kwargs)

__torch_function__ 方法采用四个参数: func,对正在被覆盖的 torch API 函数的引用; types,实现 __torch_function__ 的类张量类型的列表; args,传递给函数的参数元组;以及 kwargs,传递给函数的关键字参数字典。它使用名为 HANDLED_FUNCTIONS 的全局派发表来存储自定义实现。此字典的键是 torch 命名空间中的函数,而值是 ScalarTensor 的实现。

注意

使用全局派发表不是 __torch_function__ API 的强制部分,它只是一种用于构建覆盖实现的有用设计模式。

此类定义不足以使 torch.mean 在我们向它传递 ScalarTensor 时执行正确操作 - 我们还需要为 ScalarTensor 操作数定义 torch.mean 的实现并将实现添加到 HANDLED_FUNCTIONS 派发表字典中。一种方法是定义一个装饰器。

import functools
def implements(torch_function):
    """Register a torch function override for ScalarTensor"""
    def decorator(func):
        functools.update_wrapper(func, torch_function)
        HANDLED_FUNCTIONS[torch_function] = func
        return func
    return decorator

它可以应用于我们覆盖的实现。

@implements(torch.mean)
def mean(input):
    return float(input._value) / input._N

有了这个更改,我们现在可以使用 torch.meanScalarTensor

>>> d = ScalarTensor(5, 2)
>>> torch.mean(d)
0.4

当然, torch.mean 是最简单类型的覆盖函数的示例,因为它只接受一个操作数。我们可以使用相同的机制来覆盖接受多个操作数的函数,其中任何一个可能是定义了 __torch_function__ 的张量或类张量,例如 torch.add()

def ensure_tensor(data):
    if isinstance(data, ScalarTensor):
        return data.tensor()
    return torch.as_tensor(data)

@implements(torch.add)
def add(input, other):
   try:
       if input._N == other._N:
           return ScalarTensor(input._N, input._value + other._value)
       else:
           raise ValueError("Shape mismatch!")
   except AttributeError:
       return torch.add(ensure_tensor(input), ensure_tensor(other))

此版本有一个快速路径,用于当两个操作数都是 ScalarTensor 实例时,还有一个较慢的路径,它会退化为将数据转换为张量,当任一操作数不是 ScalarTensor 时。这使得覆盖函数在任一操作数为 ScalarTensor 或常规 Tensor 时都能正确运行。

>>> s = ScalarTensor(2, 2)
>>> torch.add(s, s)
ScalarTensor(N=2, value=4)
>>> t = torch.tensor([[1, 1,], [1, 1]])
>>> torch.add(s, t)
tensor([[3., 1.],
        [1., 3.]])

请注意,我们对 add 的实现没有像 torch.add() 那样接受 alphaout 作为关键字参数。

>>> torch.add(s, s, alpha=2)
TypeError: add() got an unexpected keyword argument 'alpha'

为了速度和灵活性, __torch_function__ 派发机制不会检查覆盖函数的签名是否与 torch API 中正在被覆盖的函数的签名匹配。对于某些应用程序,忽略可选参数是可以的,但是为了确保与 Tensor 的完全兼容性,torch API 函数的用户实现应该注意准确地模拟正在被覆盖的函数的 API。

torch API 中没有显式覆盖的函数将从 __torch_function__ 返回 NotImplemented。如果所有具有定义的 __torch_function__ 的操作数都返回 NotImplemented,PyTorch 将引发 TypeError。这意味着,大多数情况下,对于没有显式覆盖类型的操作将引发 TypeError,当传递这种类型的实例时。

>>> torch.mul(s, 3)
TypeError: no implementation found for 'torch.mul' on types that
implement __torch_function__: [ScalarTensor]

实际上,这意味着如果您希望使用类似此类的 __torch_function__ 实现来实现您的覆盖,您将需要明确地实现完整的 torch API 或者您用例关心的 API 的整个子集。这可能是一个艰巨的任务,因为完整的 torch API 非常广泛。

另一种选择是,对于未处理的操作,不要返回 NotImplemented,而是当没有覆盖可用时,将一个 Tensor 传递给原始 torch 函数。例如,如果我们将 ScalarTensor__torch_function__ 实现更改为下面的实现。

@classmethod
def __torch_function__(cls, func, types, args=(), kwargs=None):
    if kwargs is None:
        kwargs = {}
    if func not in HANDLED_FUNCTIONS or not all(
            issubclass(t, (torch.Tensor, ScalarTensor))
            for t in types
        ):
        args = [a.tensor() if hasattr(a, 'tensor') else a for a in args]
        return func(*args, **kwargs)
    return HANDLED_FUNCTIONS[func](*args, **kwargs)

那么 torch.mul() 将正常工作,尽管返回类型始终为 Tensor 而不是 ScalarTensor,即使两个操作数都是 ScalarTensor 实例。

>>> s = ScalarTensor(2, 2)
>>> torch.mul(s, s)
tensor([[4., 0.],
        [0., 4.]])

另请参见下面的 MetadataTensor 示例,了解此模式的另一种变体,但始终返回一个 MetadataTensor,以在 torch API 中的操作中传播元数据。

__torch_function__ 协议旨在实现对 API 的全面覆盖,部分覆盖可能导致不可预见的结果,特别是某些函数会引发 TypeError。对于子类来说尤其如此,其中必须覆盖所有三个 torch.addtorch.Tensor.__add__torch.Tensor.add,即使它们返回完全相同的结果。如果未这样做,也可能导致无限递归。如果需要从 torch.Tensor 子类中实现函数,则必须在其实现内部使用 super().__torch_function__

子类化 torch.Tensor

从 1.7.0 版开始, torch.Tensor 上的方法和公共 torch.* 命名空间中应用于 torch.Tensor 子类的函数将返回子类实例,而不是 torch.Tensor 实例。

>>> class SubTensor(torch.Tensor):
...     pass
>>> type(torch.add(SubTensor([0]), SubTensor([1]))).__name__
'SubTensor'
>>> type(torch.add(SubTensor([0]), torch.tensor([1]))).__name__
'SubTensor'

如果存在多个子类,则默认情况下将选择层次结构中最低的子类。如果无法以唯一的方式确定这种情况,则会引发 TypeError

>>> type(torch.add(SubTensor2([0]), SubTensor([1]))).__name__
'SubTensor2'
>>> type(torch.add(SubTensor2([0]), torch.tensor([1]))).__name__
'SubTensor2'
>>> torch.add(SubTensor([0]), OtherSubTensor([1]))
Traceback (most recent call last):
  File "<stdin>", line 1, in <module>
TypeError: no implementation found for 'torch.add' on types that implement __torch_function__: [SubTensor, OtherSubTensor]

如果希望对所有张量方法进行全局覆盖,则可以使用 __torch_function__。以下示例记录所有函数/方法调用。

class LoggingTensor(torch.Tensor):
    @classmethod
    def __torch_function__(cls, func, types, args=(), kwargs=None):
        # NOTE: Logging calls Tensor.__repr__, so we can't log __repr__ without infinite recursion
        if func is not torch.Tensor.__repr__:
            logging.info(f"func: {func.__name__}, args: {args!r}, kwargs: {kwargs!r}")
        if kwargs is None:
            kwargs = {}
        return super().__torch_function__(func, types, args, kwargs)

但是,如果希望覆盖张量子类上的方法,则可以通过直接覆盖方法(通过为子类定义它)或通过使用 __torch_function__ 并与 func 匹配来实现。

在子类的 __torch_function__ 中,应注意始终调用 super().__torch_function__(func, ...) 而不是直接调用 func,就像 1.7.0 版之前的版本一样。如果未这样做,可能会导致 func 递归回到 __torch_function__,从而导致无限递归。

使用 Tensor 包装器类型扩展 torch

另一个有用的用例是将 Tensor 作为属性或通过子类化进行包装的类型。下面我们实现这种类型的一种特殊情况,即 MetadataTensor,它将元数据的字典附加到 Tensor,该字典会通过 torch 操作进行传播。由于这是一种针对完整 torch API 的通用包装,因此我们不需要分别实现每个覆盖,所以我们可以使 __torch_function__ 实现对允许的操作更宽松。

class MetadataTensor(object):
    def __init__(self, data, metadata=None, **kwargs):
        self._t = torch.as_tensor(data, **kwargs)
        self._metadata = metadata

    def __repr__(self):
        return "Metadata:\n{}\n\ndata:\n{}".format(self._metadata, self._t)

    @classmethod
    def __torch_function__(cls, func, types, args=(), kwargs=None):
        if kwargs is None:
            kwargs = {}
        metadatas = tuple(a._metadata for a in args if hasattr(a, '_metadata'))
        args = [getattr(a, '_t', a) for a in args]
        assert len(metadatas) > 0
        ret = func(*args, **kwargs)
        return MetadataTensor(ret, metadata=metadatas[0])

这个简单的实现不一定适用于 torch API 中的每个函数,但它足以捕获大多数常见操作。

>>> metadata = {'owner': 'Ministry of Silly Walks'}
>>> m = MetadataTensor([[1, 2], [3, 4]], metadata=metadata)
>>> t = torch.tensor([[1, 2], [1, 2]])
>>> torch.add(t, m)
Metadata:
{'owner': 'Ministry of Silly Walks'}

data:
tensor([[2, 4],
        [4, 6]])
>>> torch.mul(t, m)
Metadata:
{'owner': 'Ministry of Silly Walks'}

data:
tensor([[1, 4],
        [3, 8]])

定义了 __torch_function__ 的多种类型的操作

可以使用 torch API 与多个具有 __torch_function__ 实现的不同类型一起使用,但必须格外小心。在这种情况下,规则是

  • 调度操作会收集每个操作数的 __torch_function__ 的所有不同实现,并按顺序调用它们:子类优先于超类,否则从左到右在运算符表达式中调用。

  • 如果返回任何非 NotImplemented 的值,则该值将作为结果返回。实现可以通过返回 NotImplemented 来注册它们未实现操作。

  • 如果所有 __torch_function__ 实现都返回 NotImplemented,PyTorch 会引发 TypeError

测试 PyTorch API 覆盖范围

实现 __torch_function__ 的一个麻烦之处在于,如果一些操作有覆盖,而另一些没有覆盖,用户在最好的情况下会看到不一致的体验,或者在最坏的情况下,会在运行时使用没有覆盖的函数时看到错误。为了简化此过程,PyTorch 为确保对 __torch_function__ 覆盖的完全支持提供了面向开发人员的 API。该 API 是私有的,将来可能会在未经通知的情况下更改。

首先,要获取所有可覆盖函数的列表,请使用 torch.overrides._get_overridable_functions。这将返回一个字典,其键是 PyTorch Python API 中的命名空间,其值是该命名空间中可以覆盖的函数列表。例如,让我们打印 torch.nn.functional 中可以覆盖的前 5 个函数的名称

>>> from torch.overrides import get_overridable_functions
>>> func_dict = get_overridable_functions()
>>> nn_funcs = func_dict[torch.nn.functional]
>>> print([f.__name__ for f in nn_funcs[:5])
['adaptive_avg_pool1d', 'adaptive_avg_pool2d', 'adaptive_avg_pool3d',
 'adaptive_max_pool1d', 'adaptive_max_pool1d_with_indices']

此函数列表使迭代所有可覆盖函数成为可能,但在实践中,这不足以在没有费力地手动复制每个测试的每个函数的签名的情况下为所有这些函数编写测试。为了简化此过程,torch.overrides._get_testing_overrides 函数返回一个字典,将 PyTorch API 中的可覆盖函数映射到具有与原始函数相同签名但无条件返回 -1 的虚拟 lambda 函数。这些函数最适合与 inspect 一起使用来分析原始 PyTorch 函数的函数签名。

>>> import inspect
>>> from torch.overrides import get_testing_overrides
>>> override_dict = get_testing_overrides()
>>> dummy_add = override_dict[torch.add]
>>> inspect.signature(dummy_add)
<Signature (input, other, out=None)>

最后,torch.overrides.get_ignored_functions 返回一个元组,其中包含明确不能被 __torch_function__ 覆盖的函数。此列表可用于确认 get_overridable_functions 返回的字典中不存在的函数不能被覆盖。

扩展 torch 本机 API

虽然 __torch_function__ 允许有效地扩展 PyTorch 纯 Python 组件的行为,但它不允许扩展用 C++ 实现的 PyTorch 部分。为此,Tensor 子类还可以定义 __torch_dispatch__,它将能够在 C++ 级别覆盖行为。

为了有效地使用此功能,重要的是要知道 PyTorch 的本机部分是如何实现的。那里最重要的组件是我们所说的“调度器”(最好的描述可以在 这篇博文 中找到,即使它已经过时了)。顾名思义,它负责为函数的特定调用调用正确的后端函数。例如,当调用 torch.add(a, b) 时,调度器会检查两个参数,找出哪个“功能”(autograd、autocast、函数化等)以及哪个“后端”(CPU、CUDA、MPS 等)应该用于此特定调用,最后调用所有正确的内核。内核的一个非常常见的做法是“重新调度”。例如,当在具有 autocast 的 GPU 上运行神经网络时,第一个调用将是 autocast 内核,它将处理任何潜在的 autocast 逻辑并重新调度到下面。下一条线路的功能将是 autograd,它将正确创建 autograd 图,然后重新调度到下面。最后,我们到达 CUDA 的后端内核,它将启动正确的 CUDA 内核并返回最终结果。在退出时,autograd 将将图附加到输出,最后,autocast 将有机会在退出时执行任何需要的更新。

调度器的一种配置是所有这些功能和后端键的调用顺序。最新的列表及其顺序可以在 DispatchKey.h 中找到,该文件位于 DispatchKey 枚举内。为了扩展 torch,与本次讨论相关的排序子集是

vmap -> Autocast -> Autograd -> ZeroTensor -> Neg/Conj -> Functionalize -> Python -> Backends

对于本次讨论来说,最重要的键是 Python,因为每个定义了 __torch_dispatch__ 方法的 Tensor 子类都将调用此功能。正是从那里调用用户定义的方法,并且可以任意覆盖行为。从那里调用提供的 func 将执行“重新调度”。

此实现的一些重要含义是

  • 此代码在“所有功能下方”运行。因此,它只负责(就像常规后端一样)生成每个 Tensor 的输出值(并且可以,也应该忽略所有高级功能,如 autograd、autocast 等)。

  • 如果任何高级功能在不重新调度的情况下实现给定函数,它将永远不会到达 Python 键,因此 __torch_dispatch__ 回调将永远不会触发。这在 CompositeImplicitAutograd 函数中尤其如此,这些函数在 Autograd 级别进行评估而无需重新调度。这是因为 CompositeImplicitAutograd 函数通过隐式调用其他本机操作来指定其 autograd 公式,因此在 Autograd 级别,该函数被分解为其本机操作,并且这些操作被评估代替。

  • 当回调到 Python 并且当包装结果时,使用与常规 PyTorch Python/C++ 绑定相同的转换。特别是,某些对象不能在 Python 中表示,需要特殊处理(例如,未定义的 Tensor 会变成 None)。

  • 我们的本机函数作为 torch.ops.{namespace}.{func_name}.{overload_name} 以可调用的 Python 对象形式被延迟填充,以方便从 Python 与它们进行交互。传递给 __torch_dispatch__func 对象始终是此命名空间中的一个条目。此命名空间可用于直接调用本机操作并绕过通常的 Python API 和绑定代码。

__torch_function__ 能够拦截 torch 的所有 Python API 和 Tensor 方法类似,__torch_dispatch__ 能够拦截对 aten 本机 API 的所有调用。请注意,所有 Tensor 上的方法在进入调度器之前都会转换为函数调用,因此在这里将显示为函数调用:torch.add(a, 2)a + 2 将导致完全相同的 aten 调用。大多数这些函数都在 native_functions.yaml 中定义,该文件指定了这些函数的属性以及它们的后端实现。然后,它们的实现以及指定的功能通过代码生成自动注册。一些更奇特的函数或功能也注册在 C++ 代码库中的其他地方或用户定义的 C++ 扩展中。

还可以使用 torch.library 添加新的本机函数。此 Python 功能允许定义和/或向本机函数添加新的实现。这可用于添加缺少的内核、替换现有的内核或定义全新的本机函数。

您可以在 subclass zoo 存储库中找到许多基于 __torch_dispatch__ 的子类的示例。

__torch_dispatch__ 调用约定

@classmethod
def __torch_dispatch__(cls, func, types, args=(), kwargs=None):
    pass

当用户使用具有 __torch_dispatch__ 的输入调用运算符时,该调用可能会转发到 __torch_dispatch__。args 和 kwargs 在调用 __torch_dispatch__ 之前会被规范化,也就是说

  • kwargs 包含运算符模式中的关键字限定参数。如果 kwarg 等于其默认值(在模式中),则不会传递它。

  • args 包含所有其他参数,无论它们是如何传递给运算符的(位置参数与关键字参数)。如果 arg 等于其默认值,并且它是最右边的位置参数,或者它右边的所有参数都没有传递,则不会传递它。

使用模式扩展所有torch API

不幸的是,有些函数不接受 Tensor 输入。这意味着上面描述的子类方法不能用来覆盖 PyTorch 所有函数的行为。此外,如果用例需要拦截每次函数调用,将每个 Tensor 都更改为子类可能会过于侵入式。

为了解决这种用例,我们引入了“模式”的概念。它们存在于 __torch_function____torch_dispatch__ 覆盖中,分别通过子类化 torch.overrides.TorchFunctionModetorch.utils._python_dispatch.TorchDispatchMode 创建,并用作上下文管理器。

为了简化它与子类和其他模式交互方式的描述,每当进入模式的上下文管理器时,每个函数的行为就像在参数列表开头有一个额外的 Tensor 参数,该参数是模式作为子类。这意味着所有模式处理程序将在任何子类处理程序之前被调用,并且对应于内部上下文管理器的模式将始终首先运行。

还需注意的是,在给定的模式处理程序中,此特定模式被禁用,可以通过执行 with self: 手动重新启用。

以下是一个示例,展示了每种类型的日志记录模式。

import torch
from torch.overrides import TorchFunctionMode, resolve_name
from torch.utils._python_dispatch import TorchDispatchMode

class FunctionLog(TorchFunctionMode):
    def __torch_function__(self, func, types, args, kwargs=None):
        print(f"Function Log: {resolve_name(func)}(*{args}, **{kwargs})")
        return func(*args, **(kwargs or {}))

class DispatchLog(TorchDispatchMode):
    def __torch_dispatch__(self, func, types, args, kwargs=None):
        print(f"Dispatch Log: {func}(*{args}, **{kwargs})")
        return func(*args, **(kwargs or {}))

def f():
    a = torch.rand(10, requires_grad=True)
    b = a * 2
    b.sum().backward()

print("TorchFunctionMode logging:")
with FunctionLog():
    f()

print("TorchDispatchMode logging:")
with DispatchLog():
    f()

它将打印以下内容,并附带额外注释。

TorchFunctionMode logging:
Function Log: torch.rand(*(10,), **{'requires_grad': True})
Function Log: torch.Tensor.mul(*(tensor([0.7164, 0.9897, 0.1745, 0.9336, 0.4287, 0.7989, 0.2169, 0.7474, 0.5624,
        0.5970], requires_grad=True), 2), **None)
Function Log: torch.Tensor.sum(*(tensor([1.4328, 1.9794, 0.3490, 1.8671, 0.8573, 1.5977, 0.4338, 1.4948, 1.1249,
        1.1939], grad_fn=<MulBackward0>),), **None)
# Note that at the python level, we only see the call to backward but not what happens in the autograd engine.
Function Log: torch.Tensor.backward(*(tensor(12.3307, grad_fn=<SumBackward0>),), **{'gradient': None, 'retain_graph': None, 'create_graph': False, 'inputs': None})

TorchDispatchMode logging:
# Here the requires_grad flag from autograd is removed while default arguments were populated.
Dispatch Log: aten.rand.default(*([10],), **{'device': device(type='cpu'), 'pin_memory': False})
Dispatch Log: aten.mul.Tensor(*(tensor([0.2151, 0.6018, 0.8415, 0.9060, 0.2974, 0.7708, 0.6668, 0.0352, 0.7948,
        0.6023], requires_grad=True), 2), **{})
Dispatch Log: aten.sum.default(*(tensor([0.4303, 1.2036, 1.6831, 1.8120, 0.5949, 1.5416, 1.3335, 0.0705, 1.5897,
        1.2046], grad_fn=<MulBackward0>),), **{})
# Here we don't see the call to backward itself, but its constituents. Starting here with the factory function that creates the initial gradient.
Dispatch Log: aten.ones_like.default(*(tensor(11.4637, grad_fn=<SumBackward0>),), **{'pin_memory': False, 'memory_format': torch.preserve_format})
# This is the backward of the sum
Dispatch Log: aten.expand.default(*(tensor(1.), [10]), **{})
Dispatch Log: aten.mul.Tensor(*(tensor([1., 1., 1., 1., 1., 1., 1., 1., 1., 1.]), 2), **{})
Dispatch Log: aten.detach.default(*(tensor([2., 2., 2., 2., 2., 2., 2., 2., 2., 2.]),), **{})
Dispatch Log: aten.detach.default(*(tensor([2., 2., 2., 2., 2., 2., 2., 2., 2., 2.]),), **{})

文档

访问 PyTorch 的全面开发者文档

查看文档

教程

获取面向初学者和高级开发者的深入教程

查看教程

资源

查找开发资源并获得问题的解答

查看资源