注意
点击此处下载完整的示例代码
自定义 Python 运算符¶
创建于:2024 年 6 月 18 日 | 最后更新:2025 年 1 月 6 日 | 最后验证:2024 年 11 月 05 日
如何将用 Python 编写的自定义运算符与 PyTorch 集成
如何使用
torch.library.opcheck
测试自定义运算符
PyTorch 2.4 或更高版本
PyTorch 提供了一个大型运算符库,用于处理张量(例如 torch.add
, torch.sum
等)。但是,您可能希望在 PyTorch 中使用新的自定义运算符,可能是由第三方库编写的。本教程展示了如何包装 Python 函数,使其行为类似于 PyTorch 原生运算符。您可能希望在 PyTorch 中创建自定义运算符的原因包括
将任意 Python 函数视为相对于
torch.compile
的不透明可调用对象(即,阻止torch.compile
跟踪到函数中)。为任意 Python 函数添加训练支持
使用 torch.library.custom_op()
创建 Python 自定义运算符。使用 C++ TORCH_LIBRARY
API 创建 C++ 自定义运算符(这些在无 Python 环境中工作)。有关更多详细信息,请参阅自定义运算符着陆页。
请注意,如果您的操作可以表示为现有 PyTorch 运算符的组合,则通常不需要使用自定义运算符 API - 一切(例如 torch.compile
、训练支持)都应该正常工作。
示例:将 PIL 的 crop 包装到自定义运算符中¶
假设我们正在使用 PIL 的 crop
操作。
import torch
from torchvision.transforms.functional import to_pil_image, pil_to_tensor
import PIL
import IPython
import matplotlib.pyplot as plt
def crop(pic, box):
img = to_pil_image(pic.cpu())
cropped_img = img.crop(box)
return pil_to_tensor(cropped_img).to(pic.device) / 255.
def display(img):
plt.imshow(img.numpy().transpose((1, 2, 0)))
img = torch.ones(3, 64, 64)
img *= torch.linspace(0, 1, steps=64) * torch.linspace(0, 1, steps=64).unsqueeze(-1)
display(img)
data:image/s3,"s3://crabby-images/4bc87/4bc87541c583eb0623a2e6e9b2b7b7166afcb19d" alt="python custom ops"
cropped_img = crop(img, (10, 10, 50, 50))
display(cropped_img)
data:image/s3,"s3://crabby-images/5ac05/5ac05a239d9bb19805f7da07a5e9026eb93a20e6" alt="python custom ops"
crop
未被 torch.compile
有效地开箱即用地处理:torch.compile
对其无法处理的函数引入“图中断”,而图中断对性能不利。以下代码通过引发错误来演示这一点(torch.compile
与 fullgraph=True
如果发生图中断则会引发错误)。
为了将 crop
黑盒化以与 torch.compile
一起使用,我们需要做两件事
将函数包装到 PyTorch 自定义运算符中。
向运算符添加“
FakeTensor
内核”(又名“元内核”)。给定一些FakeTensors
输入(没有存储的虚拟张量),此函数应返回您选择的具有正确张量元数据(形状/步幅/dtype
/设备)的虚拟张量。
from typing import Sequence
# Use torch.library.custom_op to define a new custom operator.
# If your operator mutates any input Tensors, their names must be specified
# in the ``mutates_args`` argument.
@torch.library.custom_op("mylib::crop", mutates_args=())
def crop(pic: torch.Tensor, box: Sequence[int]) -> torch.Tensor:
img = to_pil_image(pic.cpu())
cropped_img = img.crop(box)
return (pil_to_tensor(cropped_img) / 255.).to(pic.device, pic.dtype)
# Use register_fake to add a ``FakeTensor`` kernel for the operator
@crop.register_fake
def _(pic, box):
channels = pic.shape[0]
x0, y0, x1, y1 = box
return pic.new_empty(channels, y1 - y0, x1 - x0)
在此之后,crop
现在可以无图中断地工作
data:image/s3,"s3://crabby-images/88382/88382845491098ea25e63c13ea0ac69c2c507d71" alt="python custom ops"
display(cropped_img)
data:image/s3,"s3://crabby-images/0358c/0358c1887111d7c462ab4cd191ddedac0f45e437" alt="python custom ops"
为 crop 添加训练支持¶
使用 torch.library.register_autograd
为运算符添加训练支持。优先选择此方法而不是直接使用 torch.autograd.Function
;autograd.Function
与 PyTorch 运算符注册 API 的一些组合可能会导致(并且已经导致)与 torch.compile
组合时出现静默错误。
如果您不需要训练支持,则无需使用 torch.library.register_autograd
。如果您最终使用没有 autograd 注册的 custom_op
进行训练,我们将引发错误消息。
crop
的梯度公式本质上是 PIL.paste
(我们将把推导作为留给读者的练习)。让我们首先将 paste
包装到自定义运算符中
@torch.library.custom_op("mylib::paste", mutates_args=())
def paste(im1: torch.Tensor, im2: torch.Tensor, coord: Sequence[int]) -> torch.Tensor:
assert im1.device == im2.device
assert im1.dtype == im2.dtype
im1_pil = to_pil_image(im1.cpu())
im2_pil = to_pil_image(im2.cpu())
PIL.Image.Image.paste(im1_pil, im2_pil, coord)
return (pil_to_tensor(im1_pil) / 255.).to(im1.device, im1.dtype)
@paste.register_fake
def _(im1, im2, coord):
assert im1.device == im2.device
assert im1.dtype == im2.dtype
return torch.empty_like(im1)
现在让我们使用 register_autograd
来指定 crop
的梯度公式
def backward(ctx, grad_output):
grad_input = grad_output.new_zeros(ctx.pic_shape)
grad_input = paste(grad_input, grad_output, ctx.coords)
return grad_input, None
def setup_context(ctx, inputs, output):
pic, box = inputs
ctx.coords = box[:2]
ctx.pic_shape = pic.shape
crop.register_autograd(backward, setup_context=setup_context)
请注意,反向传播必须是 PyTorch 理解的运算符的组合,这就是为什么我们将 paste 包装到自定义运算符中,而不是直接使用 PIL 的 paste。
data:image/s3,"s3://crabby-images/4831d/4831d88d1c33e455d85d8c42f63ad7cadf984284" alt="python custom ops"
这是正确的梯度,裁剪区域为 1(白色),未使用区域为 0(黑色)。
测试 Python 自定义运算符¶
使用 torch.library.opcheck
测试自定义运算符是否已正确注册。这不会测试梯度在数学上是否正确;请为此编写单独的测试(手动测试或 torch.autograd.gradcheck
)。
要使用 opcheck
,请将一组示例输入传递给它进行测试。如果您的运算符支持训练,则示例应包括需要 grad 的张量。如果您的运算符支持多个设备,则示例应包括来自每个设备的张量。
examples = [
[torch.randn(3, 64, 64), [0, 0, 10, 10]],
[torch.randn(3, 91, 91, requires_grad=True), [10, 0, 20, 10]],
[torch.randn(3, 60, 60, dtype=torch.double), [3, 4, 32, 20]],
[torch.randn(3, 512, 512, requires_grad=True, dtype=torch.double), [3, 4, 32, 45]],
]
for example in examples:
torch.library.opcheck(crop, example)
可变 Python 自定义运算符¶
您还可以包装一个 Python 函数,该函数将其输入变异为自定义运算符。变异输入的函数很常见,因为这就是编写许多底层内核的方式;例如,计算 sin
的内核可能会接受输入和输出张量,并将 input.sin()
写入输出张量。
我们将使用 numpy.sin
来演示可变 Python 自定义运算符的示例。
import numpy as np
@torch.library.custom_op("mylib::numpy_sin", mutates_args={"output"}, device_types="cpu")
def numpy_sin(input: torch.Tensor, output: torch.Tensor) -> None:
assert input.device == output.device
assert input.device.type == "cpu"
input_np = input.numpy()
output_np = output.numpy()
np.sin(input_np, out=output_np)
由于运算符不返回任何内容,因此无需注册 FakeTensor
内核(元内核)以使其与 torch.compile
一起工作。
@torch.compile(fullgraph=True)
def f(x):
out = torch.empty(3)
numpy_sin(x, out)
return out
x = torch.randn(3)
y = f(x)
assert torch.allclose(y, x.sin())
这是一个 opcheck
运行,告诉我们我们确实正确注册了运算符。opcheck
如果我们忘记将输出添加到 mutates_args
中,则会报错,例如。
example_inputs = [
[torch.randn(3), torch.empty(3)],
[torch.randn(0, 3), torch.empty(0, 3)],
[torch.randn(1, 2, 3, 4, dtype=torch.double), torch.empty(1, 2, 3, 4, dtype=torch.double)],
]
for example in example_inputs:
torch.library.opcheck(numpy_sin, example)
结论¶
在本教程中,我们学习了如何使用 torch.library.custom_op
在 Python 中创建一个自定义运算符,该运算符可以与 PyTorch 子系统(如 torch.compile
和 autograd)一起使用。
本教程提供了自定义运算符的基本介绍。有关更详细的信息,请参阅
脚本的总运行时间: ( 0 分钟 4.502 秒)