我仔细阅读了代码,我担心自己没有掌握重要的一点。
我似乎无法找到编码器和解码器模型的权重矩阵,也无法更新它们的位置。我找到了target_weights,但它似乎在每次get_batch()
来电时都会重新初始化,所以我也不能理解他们的立场。
我的实际目标是通过应用带有权重矩阵的线性变换来连接一个解码器的两个源编码器的两个隐藏状态,我必须与模型一起训练(我建立了多个人)模型),但由于我上面提到的问题,我不知道从哪里开始。
答案 0 :(得分:1)
这可能会帮助您入手。在tensorflow.python.ops.seq2seq.py中实现了几个模型(有/无桶,关注等),但是看看embedding_attention_seq2seq
的定义(在他们的示例模型{{3}中调用的定义你似乎在引用):
def embedding_attention_seq2seq(encoder_inputs, decoder_inputs, cell,
num_encoder_symbols, num_decoder_symbols,
num_heads=1, output_projection=None,
feed_previous=False, dtype=dtypes.float32,
scope=None, initial_state_attention=False):
with variable_scope.variable_scope(scope or "embedding_attention_seq2seq"):
# Encoder.
encoder_cell = rnn_cell.EmbeddingWrapper(cell, num_encoder_symbols)
encoder_outputs, encoder_state = rnn.rnn(
encoder_cell, encoder_inputs, dtype=dtype)
# First calculate a concatenation of encoder outputs to put attention on.
top_states = [array_ops.reshape(e, [-1, 1, cell.output_size])
for e in encoder_outputs]
attention_states = array_ops.concat(1, top_states)
....
在将它们传递给解码器之前,您可以看到它将编码器输出的顶层选取为top_states
。
因此,您可以使用两个编码器实现类似的功能,并在切换到解码器之前连接这些状态。
答案 1 :(得分:1)
get_batch函数中创建的值仅用于第一次迭代。即使权重每次都传递到函数中,它们的值也会在init函数的Seq2Seq模型类中更新为全局变量。
with tf.name_scope('Optimizer'):
# Gradients and SGD update operation for training the model.
params = tf.trainable_variables()
if not forward_only:
self.gradient_norms = []
self.updates = []
opt = tf.train.GradientDescentOptimizer(self.learning_rate)
for b in range(len(buckets)):
gradients = tf.gradients(self.losses[b], params)
clipped_gradients, norm = tf.clip_by_global_norm(gradients,
max_gradient_norm)
self.gradient_norms.append(norm)
self.updates.append(opt.apply_gradients(
zip(clipped_gradients, params), global_step=self.global_step))
self.saver = tf.train.Saver(tf.global_variables())
权重作为占位符单独输入,因为它们在get_batch函数中被标准化,以便为PAD输入创建零权重。
# Batch decoder inputs are re-indexed decoder_inputs, we create weights.
for length_idx in range(decoder_size):
batch_decoder_inputs.append(
np.array([decoder_inputs[batch_idx][length_idx]
for batch_idx in range(self.batch_size)], dtype=np.int32))
# Create target_weights to be 0 for targets that are padding.
batch_weight = np.ones(self.batch_size, dtype=np.float32)
for batch_idx in range(self.batch_size):
# We set weight to 0 if the corresponding target is a PAD symbol.
# The corresponding target is decoder_input shifted by 1 forward.
if length_idx < decoder_size - 1:
target = decoder_inputs[batch_idx][length_idx + 1]
if length_idx == decoder_size - 1 or target == data_utils.PAD_ID:
batch_weight[batch_idx] = 0.0
batch_weights.append(batch_weight)