快捷方式

GRU

class torchrl.modules.GRU(input_size: int, hidden_size: int, num_layers: int = 1, bias: bool = True, batch_first: bool = True, dropout: float = 0.0, bidirectional: bool = False, device=None, dtype=None)[source]

一个用于执行多层 GRU 的多个步骤的 PyTorch 模块。该模块的行为与 torch.nn.GRU 完全一致,但此实现完全用 Python 编写。

注意

此类在不依赖 CuDNN 的情况下实现,这使其与 torch.vmap()torch.compile() 兼容。

示例

>>> import torch
>>> from torchrl.modules.tensordict_module.rnn import GRU
>>> device = torch.device("cuda") if torch.cuda.device_count() else torch.device("cpu")
>>> B = 2
>>> T = 4
>>> N_IN = 10
>>> N_OUT = 20
>>> N_LAYERS = 2
>>> V = 4  # vector size
>>> gru = GRU(
...     input_size=N_IN,
...     hidden_size=N_OUT,
...     device=device,
...     num_layers=N_LAYERS,
... )

# 单次调用 >>> x = torch.randn(B, T, N_IN, device=device) >>> h0 = torch.zeros(N_LAYERS, B, N_OUT, device=device) >>> with torch.no_grad(): … h1 = gru(x, h0)

# 向量化调用 - 无法使用 nn.GRU >>> def call_gru(x, h): … h_out = gru(x, h) … return h_out >>> batched_call = torch.vmap(call_gru) >>> x = torch.randn(V, B, T, 10, device=device) >>> h0 = torch.zeros(V, N_LAYERS, B, N_OUT, device=device) >>> with torch.no_grad(): … h1 = batched_call(x, h0)

__init__(input_size,hidden_size,num_layers=1,bias=True,batch_first=False,dropout=0.0,bidirectional=False,device=None,dtype=None)

将多层门控循环单元 (GRU) RNN 应用于输入序列。对于输入序列中的每个元素,每层都计算以下函数

\[\begin{split}\begin{array}{ll} r_t = \sigma(W_{ir} x_t + b_{ir} + W_{hr} h_{(t-1)} + b_{hr}) \\ z_t = \sigma(W_{iz} x_t + b_{iz} + W_{hz} h_{(t-1)} + b_{hz}) \\ n_t = \tanh(W_{in} x_t + b_{in} + r_t \odot (W_{hn} h_{(t-1)}+ b_{hn})) \\ h_t = (1 - z_t) \odot n_t + z_t \odot h_{(t-1)} \end{array}\end{split}\]

其中 \(h_t\) 是时间 t 的隐藏状态,\(x_t\) 是时间 t 的输入,\(h_{(t-1)}\) 是时间 t-1 或时间 0 的初始隐藏状态,\(r_t\)\(z_t\)\(n_t\) 分别是重置、更新和新门。 \(\sigma\) 是 sigmoid 函数,\(\odot\) 是 Hadamard 积。

在多层 GRU 中,第 \(l\) 层 (\(l \ge 2\)) 的输入 \(x^{(l)}_t\) 是前一层隐藏状态 \(h^{(l-1)}_t\) 乘以 dropout \(\delta^{(l-1)}_t\),其中每个 \(\delta^{(l-1)}_t\) 是一个伯努利随机变量,其概率为 \(0\),概率为 dropout

参数:
  • input_size – 输入 x 中预期特征的数量

  • hidden_size – 隐藏状态 h 中特征的数量

  • num_layers – 循环层的数量。例如,设置 num_layers=2 表示将两个 GRU 堆叠在一起形成一个 堆叠的 GRU,其中第二个 GRU 接收第一个 GRU 的输出并计算最终结果。默认值:1

  • bias – 如果为 False,则层不使用偏差权重 b_ihb_hh。默认值:True

  • batch_first – 如果为 True,则输入和输出张量将作为 (batch, seq, feature) 提供,而不是 (seq, batch, feature)。请注意,这并不适用于隐藏状态或单元状态。有关详细信息,请参阅以下输入/输出部分。默认值:False

  • dropout – 如果非零,则在每个 GRU 层的输出上引入一个 Dropout 层,除了最后一层,dropout 概率等于 dropout。默认值:0

  • bidirectional – 如果为 True,则变为双向 GRU。默认值:False

输入:input, h_0
  • input: 未批处理输入的形状为 \((L, H_{in})\) 的张量,当 batch_first=False 时形状为 \((L, N, H_{in})\),当 batch_first=True 时形状为 \((N, L, H_{in})\),包含输入序列的特征。输入也可以是打包的变长序列。有关详细信息,请参阅 torch.nn.utils.rnn.pack_padded_sequence()torch.nn.utils.rnn.pack_sequence()

  • h_0: 形状为 \((D * \text{num\_layers}, H_{out})\)\((D * \text{num\_layers}, N, H_{out})\) 的张量,包含输入序列的初始隐藏状态。如果未提供,则默认为零。

其中

\[\begin{split}\begin{aligned} N ={} & \text{批次大小} \\ L ={} & \text{序列长度} \\ D ={} & 2 \text{ 如果双向=True 否则 } 1 \\ H_{in} ={} & \text{输入大小} \\ H_{out} ={} & \text{隐藏大小} \end{aligned}\end{split}\]
输出:output, h_n
  • output:形状为 \((L, D * H_{out})\) 的张量,用于非批次输入,\((L, N, D * H_{out})\)batch_first=False\((N, L, D * H_{out})\)batch_first=True,包含来自 GRU 最后一层的输出特征 (h_t),对于每个 t。如果一个 torch.nn.utils.rnn.PackedSequence 被作为输入给出,输出也将是一个打包的序列。

  • h_n:形状为 \((D * \text{num\_layers}, H_{out})\)\((D * \text{num\_layers}, N, H_{out})\) 的张量,包含输入序列的最终隐藏状态。

变量:
  • weight_ih_l[k] – 第 \(\text{k}^{th}\) 层的可学习输入-隐藏权重 (W_ir|W_iz|W_in),形状为 (3*hidden_size, input_size),对于 k = 0。否则,形状为 (3*hidden_size, num_directions * hidden_size)

  • weight_hh_l[k] – 第 \(\text{k}^{th}\) 层的可学习隐藏-隐藏权重 (W_hr|W_hz|W_hn),形状为 (3*hidden_size, hidden_size)

  • bias_ih_l[k] – 第 \(\text{k}^{th}\) 层的可学习输入-隐藏偏差 (b_ir|b_iz|b_in),形状为 (3*hidden_size)

  • bias_hh_l[k] – 第 \(\text{k}^{th}\) 层的可学习隐藏-隐藏偏差 (b_hr|b_hz|b_hn),形状为 (3*hidden_size)

注意

所有权重和偏差都从 \(\mathcal{U}(-\sqrt{k}, \sqrt{k})\) 初始化,其中 \(k = \frac{1}{\text{hidden\_size}}\)

注意

对于双向 GRU,前向和后向分别为方向 0 和 1。当 batch_first=False 时,分割输出层的示例:output.view(seq_len, batch, num_directions, hidden_size)

注意

batch_first 参数对于非批次输入被忽略。

注意

新门 \(n_t\) 的计算与原始论文和其他框架略有不同。在原始实现中,\(r_t\) 和先前隐藏状态 \(h_{(t-1)}\) 之间的 Hadamard 积 \((\odot)\) 在与权重矩阵 W 相乘和添加偏差之前完成

\[\begin{aligned} n_t = \tanh(W_{in} x_t + b_{in} + W_{hn} ( r_t \odot h_{(t-1)} ) + b_{hn}) \end{aligned}\]

这与 PyTorch 实现形成对比,后者是在 \(W_{hn} h_{(t-1)}\) 之后完成的

\[\begin{aligned} n_t = \tanh(W_{in} x_t + b_{in} + r_t \odot (W_{hn} h_{(t-1)}+ b_{hn})) \end{aligned}\]

这种实现出于效率考虑而故意有所不同。

示例

>>> rnn = nn.GRU(10, 20, 2)
>>> input = torch.randn(5, 3, 10)
>>> h0 = torch.randn(2, 3, 20)
>>> output, hn = rnn(input, h0)
forward(input, hx=None)[source]

定义每次调用时执行的计算。

应该被所有子类覆盖。

注意

虽然前向传递的配方需要在此函数中定义,但应该在之后调用 Module 实例,而不是这个函数,因为前者负责运行注册的钩子,而后者则会静默地忽略它们。

文档

Access comprehensive developer documentation for PyTorch

View Docs

Tutorials

Get in-depth tutorials for beginners and advanced developers

View Tutorials

Resources

Find development resources and get your questions answered

View Resources