TorchScript 中的动态并行处理
创建于:2025 年 4 月 1 日 | 最后更新:2025 年 4 月 1 日 | 最后验证:2024 年 11 月 5 日
警告
TorchScript 不再处于活跃开发状态。
在本教程中,我们介绍了在 TorchScript 中实现动态互操作并行性的语法。这种并行性具有以下特性:
动态 - 创建的并行任务数量及其工作负载可以依赖于程序的流程控制。
互操作 - 这种并行性关注于并行运行 TorchScript 程序片段。这与关注于分割单个操作符并在并行运行操作符工作子集的内部操作并行性不同。
基本语法 §
动态并行处理中两个重要的 API 是:
torch.jit.fork(fn : Callable[..., T], *args, **kwargs) -> torch.jit.Future[T]
torch.jit.wait(fut : torch.jit.Future[T]) -> T
通过一个示例来展示这些 API 的工作方式是一个好方法:
import torch
def foo(x):
return torch.neg(x)
@torch.jit.script
def example(x):
# Call `foo` using parallelism:
# First, we "fork" off a task. This task will run `foo` with argument `x`
future = torch.jit.fork(foo, x)
# Call `foo` normally
x_normal = foo(x)
# Second, we "wait" on the task. Since the task may be running in
# parallel, we have to "wait" for its result to become available.
# Notice that by having lines of code between the "fork()" and "wait()"
# call for a given Future, we can overlap computations so that they
# run in parallel.
x_parallel = torch.jit.wait(future)
return x_normal, x_parallel
print(example(torch.ones(1))) # (-1., -1.)
fork()
接收可调用对象 fn
以及传递给该可调用对象的参数 args
和 kwargs
,并为执行 fn
创建一个异步任务。 fn
可以是一个函数、方法或模块实例。 fork()
返回执行结果的引用,称为 Future
。因为 fork
在创建异步任务后立即返回,所以 fn
可能还没有在执行 fork()
调用之后的代码行时被执行。因此, wait()
用于等待异步任务完成并返回值。
这些构造可以用来在函数内部重叠执行语句(如工作示例部分所示)或与其他语言构造(如循环)组合:
import torch
from typing import List
def foo(x):
return torch.neg(x)
@torch.jit.script
def example(x):
futures : List[torch.jit.Future[torch.Tensor]] = []
for _ in range(100):
futures.append(torch.jit.fork(foo, x))
results = []
for future in futures:
results.append(torch.jit.wait(future))
return torch.sum(torch.stack(results))
print(example(torch.ones([])))
备注
当我们初始化一个空的 Futures 列表时,我们需要为 futures
添加显式的类型注解。在 TorchScript 中,空容器默认假设它们包含 Tensor 值,因此我们注释列表构造函数#的类型为 List[torch.jit.Future[torch.Tensor]]
此示例使用 fork()
启动 100 个函数 foo
的实例,等待 100 个任务完成,然后汇总结果,返回 -100.0
。
应用示例:双向 LSTM 集成
让我们尝试将并行性应用于一个更实际的例子,看看我们能从中获得什么样的性能。首先,让我们定义基线模型:一个双向 LSTM 层的集成。
import torch, time
# In RNN parlance, the dimensions we care about are:
# # of time-steps (T)
# Batch size (B)
# Hidden size/number of "channels" (C)
T, B, C = 50, 50, 1024
# A module that defines a single "bidirectional LSTM". This is simply two
# LSTMs applied to the same sequence, but one in reverse
class BidirectionalRecurrentLSTM(torch.nn.Module):
def __init__(self):
super().__init__()
self.cell_f = torch.nn.LSTM(input_size=C, hidden_size=C)
self.cell_b = torch.nn.LSTM(input_size=C, hidden_size=C)
def forward(self, x : torch.Tensor) -> torch.Tensor:
# Forward layer
output_f, _ = self.cell_f(x)
# Backward layer. Flip input in the time dimension (dim 0), apply the
# layer, then flip the outputs in the time dimension
x_rev = torch.flip(x, dims=[0])
output_b, _ = self.cell_b(torch.flip(x, dims=[0]))
output_b_rev = torch.flip(output_b, dims=[0])
return torch.cat((output_f, output_b_rev), dim=2)
# An "ensemble" of `BidirectionalRecurrentLSTM` modules. The modules in the
# ensemble are run one-by-one on the same input then their results are
# stacked and summed together, returning the combined result.
class LSTMEnsemble(torch.nn.Module):
def __init__(self, n_models):
super().__init__()
self.n_models = n_models
self.models = torch.nn.ModuleList([
BidirectionalRecurrentLSTM() for _ in range(self.n_models)])
def forward(self, x : torch.Tensor) -> torch.Tensor:
results = []
for model in self.models:
results.append(model(x))
return torch.stack(results).sum(dim=0)
# For a head-to-head comparison to what we're going to do with fork/wait, let's
# instantiate the model and compile it with TorchScript
ens = torch.jit.script(LSTMEnsemble(n_models=4))
# Normally you would pull this input out of an embedding table, but for the
# purpose of this demo let's just use random data.
x = torch.rand(T, B, C)
# Let's run the model once to warm up things like the memory allocator
ens(x)
x = torch.rand(T, B, C)
# Let's see how fast it runs!
s = time.time()
ens(x)
print('Inference took', time.time() - s, ' seconds')
在我的机器上,这个网络在 2.05
秒内运行。我们可以做得更好!
并行化前向和反向层
我们可以做的非常简单的一件事是在 BidirectionalRecurrentLSTM
中并行化前向和反向层。为此,计算结构是静态的,所以我们实际上甚至不需要任何循环。让我们这样重写 BidirectionalRecurrentLSTM
的 forward
方法:
def forward(self, x : torch.Tensor) -> torch.Tensor:
# Forward layer - fork() so this can run in parallel to the backward
# layer
future_f = torch.jit.fork(self.cell_f, x)
# Backward layer. Flip input in the time dimension (dim 0), apply the
# layer, then flip the outputs in the time dimension
x_rev = torch.flip(x, dims=[0])
output_b, _ = self.cell_b(torch.flip(x, dims=[0]))
output_b_rev = torch.flip(output_b, dims=[0])
# Retrieve the output from the forward layer. Note this needs to happen
# *after* the stuff we want to parallelize with
output_f, _ = torch.jit.wait(future_f)
return torch.cat((output_f, output_b_rev), dim=2)
在这个例子中, forward()
将 cell_f
的执行委托给另一个线程,同时它继续执行 cell_b
。这导致两个单元格的执行相互重叠。
再次运行脚本并进行简单修改,运行时间为 1.71
秒,提高了 17%
!
旁白:并行性可视化 ¶
我们还没有完成模型的优化,但介绍我们用于可视化性能的工具是值得的。一个重要的工具是 PyTorch 分析器。
让我们使用分析器以及 Chrome 跟踪导出功能来可视化我们并行化模型的性能:
with torch.autograd.profiler.profile() as prof:
ens(x)
prof.export_chrome_trace('parallel.json')
这段代码片段将输出一个名为 parallel.json
的文件。如果你在谷歌浏览器中导航到 chrome://tracing
,点击 Load
按钮,并加载该 JSON 文件,你应该会看到以下类似的时序图:

时序图的水平轴代表时间,垂直轴代表执行线程。正如我们所见,我们同时运行了两个 lstm
实例。这是我们并行化双向层的辛勤工作的结果!
集合中模型的并行化
你可能已经注意到,我们的代码中还有一个进一步的并行化机会:我们还可以并行运行 LSTMEnsemble
中的模型。这样做的方法很简单,这是我们应该如何更改 LSTMEnsemble
的 forward
方法:
def forward(self, x : torch.Tensor) -> torch.Tensor:
# Launch tasks for each model
futures : List[torch.jit.Future[torch.Tensor]] = []
for model in self.models:
futures.append(torch.jit.fork(model, x))
# Collect the results from the launched tasks
results : List[torch.Tensor] = []
for future in futures:
results.append(torch.jit.wait(future))
return torch.stack(results).sum(dim=0)
或者,如果您重视简洁性,我们可以使用列表推导:
def forward(self, x : torch.Tensor) -> torch.Tensor:
futures = [torch.jit.fork(model, x) for model in self.models]
results = [torch.jit.wait(fut) for fut in futures]
return torch.stack(results).sum(dim=0)
如简介所述,我们已使用循环为集成中的每个模型分配任务。然后我们使用另一个循环等待所有任务完成。这提供了更多的计算重叠。
通过这个小小的更新,脚本运行时间为 1.4
秒,总速度提升了 32%
!对于两行代码来说相当不错。
我们还可以再次使用 Chrome 追踪器来查看问题所在:

我们现在可以看到所有 LSTM
实例都在完全并行运行。
结论 ¶
在本教程中,我们学习了 fork()
和 wait()
,这是在 TorchScript 中实现动态、互操作并行性的基本 API。我们看到了使用这些函数并行化函数、方法或 Modules
在 TorchScript 代码中的典型用法模式。最后,我们通过一个优化模型的示例,并探讨了 PyTorch 中可用的性能测量和可视化工具。