本教程是对TorchScript的简介,TorchScript是PyTorch模型(nn.Module
的子类)的中间表示,可以在高性能环境(例如C ++)中运行。
在本教程中,我们将介绍:
我们希望在完成本教程之后,您将继续阅读后续教程,该教程将引导您真正地从C ++调用TorchScript模型的示例。
import torch # 这是同时使用PyTorch和TorchScript所需的全部导入! print(torch.__version__)复制代码
1.3.0复制代码
让我们开始定义一个简单的模块。模块是PyTorch中组成的基本单位。它包含:
class MyCell(torch.nn.Module): def __init__(self): super(MyCell, self).__init__() def forward(self, x, h): new_h = torch.tanh(x + h) return new_h, new_h my_cell = MyCell() x = torch.rand(3, 4) h = torch.rand(3, 4) print(my_cell(x, h))复制代码
(tensor([[0.5139, 0.6451, 0.3697, 0.7738], [0.7936, 0.5864, 0.8063, 0.9324], [0.6479, 0.8408, 0.8062, 0.7263]]), tensor([[0.5139, 0.6451, 0.3697, 0.7738], [0.7936, 0.5864, 0.8063, 0.9324], [0.6479, 0.8408, 0.8062, 0.7263]]))复制代码
因此,我们已经:
torch.nn.Module
的类。
我们实例化了该模块,并制作了x
和y
,它们只是3x4的随机值矩阵。 然后,我们使用my_cell(x,h)
调用该单元格。 这又调用了我们的转发功能。
让我们做一些更有趣的事情:
class MyCell(torch.nn.Module): def __init__(self): super(MyCell, self).__init__() self.linear = torch.nn.Linear(4, 4) def forward(self, x, h): new_h = torch.tanh(self.linear(x) + h) return new_h, new_h my_cell = MyCell() print(my_cell) print(my_cell(x, h))复制代码
MyCell( (linear): Linear(in_features=4, out_features=4, bias=True) ) (tensor([[ 0.3941, 0.4160, -0.1086, 0.8432], [ 0.5604, 0.4003, 0.5009, 0.6842], [ 0.7084, 0.7147, 0.1818, 0.8296]], grad_fn=<TanhBackward>), tensor([[ 0.3941, 0.4160, -0.1086, 0.8432], [ 0.5604, 0.4003, 0.5009, 0.6842], [ 0.7084, 0.7147, 0.1818, 0.8296]], grad_fn=<TanhBackward>))复制代码
我们已经重新定义了模块MyCell
,但是这次我们添加了self.linear
属性,并在前进(forward)函数中调用了self.linear
。
这里到底发生了什么? torch.nn.Linear
是PyTorch标准库中的模块。就像MyCell
一样,可以使用调用语法来调用它。我们正在建立模块的层次结构。
在模块上打印可以直观地表示该模块的子类层次结构。在我们的示例中,我们可以看到我们的线性子类及其参数。
通过以这种方式组合模块,我们可以简洁而易读地编写具有可重用组件的模型。
您可能已经在输出中注意到grad_fn
。这是PyTorch的自动区分方法(称为autograd)的详细信息。简而言之,该系统允许我们通过潜在的复杂程序来计算导数。该设计为模型创作提供了极大的灵活性。
现在,让我们检查一下它的灵活性:
class MyDecisionGate(torch.nn.Module): def forward(self, x): if x.sum() > 0: return x else: return -x class MyCell(torch.nn.Module): def __init__(self): super(MyCell, self).__init__() self.dg = MyDecisionGate() self.linear = torch.nn.Linear(4, 4) def forward(self, x, h): new_h = torch.tanh(self.dg(self.linear(x)) + h) return new_h, new_h my_cell = MyCell() print(my_cell) print(my_cell(x, h))复制代码
MyCell( (dg): MyDecisionGate() (linear): Linear(in_features=4, out_features=4, bias=True) ) (tensor([[0.0850, 0.2812, 0.5188, 0.8523], [0.1233, 0.3948, 0.6615, 0.7466], [0.7072, 0.6103, 0.6953, 0.7047]], grad_fn=<TanhBackward>), tensor([[0.0850, 0.2812, 0.5188, 0.8523], [0.1233, 0.3948, 0.6615, 0.7466], [0.7072, 0.6103, 0.6953, 0.7047]], grad_fn=<TanhBackward>))复制代码
我们再次重新定义了MyCell
类,但是在这里我们定义了MyDecisionGate
。该模块利用控制流程。控制流包括循环和if语句之类的东西。
给定完整的程序表示形式,许多框架都采用计算符号派生的方法。但是,在PyTorch中,我们使用梯度带。我们记录操作发生时的操作,并在计算衍生产品时向后回放。这样,框架不必为语言中的所有构造显式定义派生类。
现在,让我们以正在运行的示例为例,看看如何应用TorchScript。
简而言之,即使PyTorch具有灵活和动态的特性,TorchScript也提供了捕获模型定义的工具。让我们开始研究所谓的跟踪。
class MyCell(torch.nn.Module): def __init__(self): super(MyCell, self).__init__() self.linear = torch.nn.Linear(4, 4) def forward(self, x, h): new_h = torch.tanh(self.linear(x) + h) return new_h, new_h my_cell = MyCell() x, h = torch.rand(3, 4), torch.rand(3, 4) traced_cell = torch.jit.trace(my_cell, (x, h)) print(traced_cell) traced_cell(x, h)复制代码
TracedModule[MyCell]( original_name=MyCell (linear): TracedModule[Linear](original_name=Linear) )复制代码
我们倒退了一点,并选择了MyCell
类的第二个版本。和以前一样,我们实例化了它,但是这次,我们调用了torch.jit.trace
,在Module
(模块)中传递了该示例,并在示例中传递了网络可能看到的输入。
这到底是做什么的? 它已调用模块,记录了模块运行时发生的操作,并创建了torch.jit.ScriptModule
的实例(TracedModule
是其实例)
TorchScript将其定义记录在中间表示(或IR)中,在深度学习中通常称为图形。我们可以检查带有.graph
属性的图:
print(traced_cell.graph)复制代码
graph(%self : ClassType<MyCell>, %input : Float(3, 4), %h : Float(3, 4)): %1 : ClassType<Linear> = prim::GetAttr[name="linear"](%self) %weight : Tensor = prim::GetAttr[name="weight"](%1) %bias : Tensor = prim::GetAttr[name="bias"](%1) %6 : Float(4, 4) = aten::t(%weight), scope: MyCell/Linear[linear] # /opt/conda/lib/python3.6/site-packages/torch/nn/functional.py:1370:0 %7 : int = prim::Constant[value=1](), scope: MyCell/Linear[linear] # /opt/conda/lib/python3.6/site-packages/torch/nn/functional.py:1370:0 %8 : int = prim::Constant[value=1](), scope: MyCell/Linear[linear] # /opt/conda/lib/python3.6/site-packages/torch/nn/functional.py:1370:0 %9 : Float(3, 4) = aten::addmm(%bias, %input, %6, %7, %8), scope: MyCell/Linear[linear] # /opt/conda/lib/python3.6/site-packages/torch/nn/functional.py:1370:0 %10 : int = prim::Constant[value=1](), scope: MyCell # /var/lib/jenkins/workspace/beginner_source/Intro_to_TorchScript_tutorial.py:188:0 %11 : Float(3, 4) = aten::add(%9, %h, %10), scope: MyCell # /var/lib/jenkins/workspace/beginner_source/Intro_to_TorchScript_tutorial.py:188:0 %12 : Float(3, 4) = aten::tanh(%11), scope: MyCell # /var/lib/jenkins/workspace/beginner_source/Intro_to_TorchScript_tutorial.py:188:0 %13 : (Float(3, 4), Float(3, 4)) = prim::TupleConstruct(%12, %12) return (%13)复制代码
但是,这是一个非常低级的表示形式,图中包含的大多数信息对最终用户没有用。相反,我们可以使用.code
属性来给出代码的Python语法解释:
print(traced_cell.code)复制代码
import __torch__ import __torch__.torch.nn.modules.linear def forward(self, input: Tensor, h: Tensor) -> Tuple[Tensor, Tensor]: _0 = self.linear weight = _0.weight bias = _0.bias _1 = torch.addmm(bias, input, torch.t(weight), beta=1, alpha=1) _2 = torch.tanh(torch.add(_1, h, alpha=1)) return (_2, _2)复制代码
那么为什么我们要做所有这些呢? 有以下几个原因:
我们可以看到,调用traced_cell
产生的结果与Python模块相同:
print(my_cell(x, h)) print(traced_cell(x, h))复制代码
(tensor([[-0.3983, 0.5954, 0.2587, -0.3748], [-0.5033, 0.4471, 0.8264, 0.2135], [ 0.3430, 0.5561, 0.6794, -0.2273]], grad_fn=<TanhBackward>), tensor([[-0.3983, 0.5954, 0.2587, -0.3748], [-0.5033, 0.4471, 0.8264, 0.2135], [ 0.3430, 0.5561, 0.6794, -0.2273]], grad_fn=<TanhBackward>)) (tensor([[-0.3983, 0.5954, 0.2587, -0.3748], [-0.5033, 0.4471, 0.8264, 0.2135], [ 0.3430, 0.5561, 0.6794, -0.2273]], grad_fn=<DifferentiableGraphBackward>), tensor([[-0.3983, 0.5954, 0.2587, -0.3748], [-0.5033, 0.4471, 0.8264, 0.2135], [ 0.3430, 0.5561, 0.6794, -0.2273]], grad_fn=<DifferentiableGraphBackward>))复制代码
有一个原因是我们使用了模块的第二版,而不是使用带有大量控制流的子模块。现在让我们检查一下:
class MyDecisionGate(torch.nn.Module): def forward(self, x): if x.sum() > 0: return x else: return -x class MyCell(torch.nn.Module): def __init__(self, dg): super(MyCell, self).__init__() self.dg = dg self.linear = torch.nn.Linear(4, 4) def forward(self, x, h): new_h = torch.tanh(self.dg(self.linear(x)) + h) return new_h, new_h my_cell = MyCell(MyDecisionGate()) traced_cell = torch.jit.trace(my_cell, (x, h)) print(traced_cell.code)复制代码
import __torch__.___torch_mangle_0 import __torch__ import __torch__.torch.nn.modules.linear.___torch_mangle_1 def forward(self, input: Tensor, h: Tensor) -> Tuple[Tensor, Tensor]: _0 = self.linear weight = _0.weight bias = _0.bias x = torch.addmm(bias, input, torch.t(weight), beta=1, alpha=1) _1 = torch.tanh(torch.add(x, h, alpha=1)) return (_1, _1)复制代码
查看.code
输出,我们可以发现在哪里找不到if-else
分支! 为什么? 跟踪完全按照我们所说的去做:运行代码,记录发生的操作,并构造一个可以做到这一点的ScriptModule
。不幸的是,诸如控制流之类的东西被抹去了。
我们如何在TorchScript中忠实地表示此模块?我们提供了一个脚本编译器,它可以直接分析您的Python源代码以将其转换为TorchScript。让我们使用脚本编译器转换MyDecisionGate
:
scripted_gate = torch.jit.script(MyDecisionGate()) my_cell = MyCell(scripted_gate) traced_cell = torch.jit.script(my_cell) print(traced_cell.code)复制代码
import __torch__.___torch_mangle_3 import __torch__.___torch_mangle_2 import __torch__.torch.nn.modules.linear.___torch_mangle_4 def forward(self, x: Tensor, h: Tensor) -> Tuple[Tensor, Tensor]: _0 = self.linear _1 = _0.weight _2 = _0.bias if torch.eq(torch.dim(x), 2): _3 = torch.__isnot__(_2, None) else: _3 = False if _3: bias = ops.prim.unchecked_unwrap_optional(_2) ret = torch.addmm(bias, x, torch.t(_1), beta=1, alpha=1) else: output = torch.matmul(x, torch.t(_1)) if torch.__isnot__(_2, None): bias0 = ops.prim.unchecked_unwrap_optional(_2) output0 = torch.add_(output, bias0, alpha=1) else: output0 = output ret = output0 _4 = torch.gt(torch.sum(ret, dtype=None), 0) if bool(_4): _5 = ret else: _5 = torch.neg(ret) new_h = torch.tanh(torch.add(_5, h, alpha=1)) return (new_h, new_h)复制代码
现在,我们已经忠实地捕获了我们在TorchScript中程序的行为。 现在,让我们尝试运行该程序:
# New inputs x, h = torch.rand(3, 4), torch.rand(3, 4) traced_cell(x, h)复制代码
在某些情况下,需要使用跟踪而不是脚本(例如,模块具有许多架构决策,这些决策是基于我们希望不会出现在TorchScript中的恒定Python值做出的)。在这种情况下,可以通过跟踪来编写脚本:torch.jit.script
将内联被跟踪模块的代码,而跟踪将内联脚本模块的代码。
class MyRNNLoop(torch.nn.Module): def __init__(self): super(MyRNNLoop, self).__init__() self.cell = torch.jit.trace(MyCell(scripted_gate), (x, h)) def forward(self, xs): h, y = torch.zeros(3, 4), torch.zeros(3, 4) for i in range(xs.size(0)): y, h = self.cell(xs[i], h) return y, h rnn_loop = torch.jit.script(MyRNNLoop()) print(rnn_loop.code)复制代码
import __torch__ import __torch__.___torch_mangle_5 import __torch__.___torch_mangle_2 import __torch__.torch.nn.modules.linear.___torch_mangle_6 def forward(self, xs: Tensor) -> Tuple[Tensor, Tensor]: h = torch.zeros([3, 4], dtype=None, layout=None, device=None, pin_memory=None) y = torch.zeros([3, 4], dtype=None, layout=None, device=None, pin_memory=None) y0 = y h0 = h for i in range(torch.size(xs, 0)): _0 = self.cell _1 = torch.select(xs, 0, i) _2 = _0.linear weight = _2.weight bias = _2.bias _3 = torch.addmm(bias, _1, torch.t(weight), beta=1, alpha=1) _4 = torch.gt(torch.sum(_3, dtype=None), 0) if bool(_4): _5 = _3 else: _5 = torch.neg(_3) _6 = torch.tanh(torch.add(_5, h0, alpha=1)) y0, h0 = _6, _6 return (y0, h0)复制代码
class WrapRNN(torch.nn.Module): def __init__(self): super(WrapRNN, self).__init__() self.loop = torch.jit.script(MyRNNLoop()) def forward(self, xs): y, h = self.loop(xs) return torch.relu(y) traced = torch.jit.trace(WrapRNN(), (torch.rand(10, 3, 4))) print(traced.code)复制代码
import __torch__ import __torch__.___torch_mangle_9 import __torch__.___torch_mangle_7 import __torch__.___torch_mangle_2 import __torch__.torch.nn.modules.linear.___torch_mangle_8 def forward(self, argument_1: Tensor) -> Tensor: _0 = self.loop h = torch.zeros([3, 4], dtype=None, layout=None, device=None, pin_memory=None) h0 = h for i in range(torch.size(argument_1, 0)): _1 = _0.cell _2 = torch.select(argument_1, 0, i) _3 = _1.linear weight = _3.weight bias = _3.bias _4 = torch.addmm(bias, _2, torch.t(weight), beta=1, alpha=1) _5 = torch.gt(torch.sum(_4, dtype=None), 0) if bool(_5): _6 = _4 else: _6 = torch.neg(_4) h0 = torch.tanh(torch.add(_6, h0, alpha=1)) return torch.relu(h0)复制代码
这样,当情况需要它们时,可以使用脚本和跟踪并将它们一起使用。
我们提供API,以存档格式将TorchScript模块保存到磁盘或从磁盘加载TorchScript模块。这种格式包括代码,参数,属性和调试信息,这意味着归档文件是模型的独立表示形式,可以在完全独立的过程中加载。让我们保存并加载包装好的RNN
模块:
traced.save('wrapped_rnn.zip') loaded = torch.jit.load('wrapped_rnn.zip') print(loaded) print(loaded.code)复制代码
ScriptModule( original_name=WrapRNN (loop): ScriptModule( original_name=MyRNNLoop (cell): ScriptModule( original_name=MyCell (dg): ScriptModule(original_name=MyDecisionGate) (linear): ScriptModule(original_name=Linear) ) ) ) import __torch__ import __torch__.___torch_mangle_9 import __torch__.___torch_mangle_7 import __torch__.___torch_mangle_2 import __torch__.torch.nn.modules.linear.___torch_mangle_8 def forward(self, argument_1: Tensor) -> Tensor: _0 = self.loop h = torch.zeros([3, 4], dtype=None, layout=None, device=None, pin_memory=None) h0 = h for i in range(torch.size(argument_1, 0)): _1 = _0.cell _2 = torch.select(argument_1, 0, i) _3 = _1.linear weight = _3.weight bias = _3.bias _4 = torch.addmm(bias, _2, torch.t(weight), beta=1, alpha=1) _5 = torch.gt(torch.sum(_4, dtype=None), 0) if bool(_5): _6 = _4 else: _6 = torch.neg(_4) h0 = torch.tanh(torch.add(_6, h0, alpha=1)) return torch.relu(h0)复制代码
如您所见,序列化保留了模块层次结构和我们一直在研究的代码。例如,也可以将模型加载到C ++中以实现不依赖Python的执行。
我们已经完成了教程!有关更多涉及的演示,请查看NeurIPS演示,以使用TorchScript转换机器翻译模型:https://colab.research.google.com/drive/1HiICg6jRkBnr5hvK2-VnMi88Vi9pUzEJ
脚本的总运行时间:(0分钟0.247秒)
磐创AI技术博客资源汇总站:http://docs.panchuang.net/PyTorch官方中文教程站:http://pytorch.panchuang.net/OpenCV中文官方文档: http://woshicver.com/