gpt4 book ai didi

machine-learning - 实现具有连续输入和离散输出的生成 RNN

转载 作者:行者123 更新时间:2023-11-30 08:46:10 24 4
gpt4 key购买 nike

我目前正在使用生成式 RNN 对序列中的索引进行分类(有点像是判断某物是否是噪音)。

我的输入是连续的(即 0 和 1 之间的实值),我的输出是 a(0 或 1)。

例如,如果模型将大于 0.5 的数字标记为 1,否则标记为 0,

[.21, .35, .78, .56, ..., .21] => [0, 0, 1, 1, ..., 0]:

   0     0     1     1          0
^ ^ ^ ^ ^
| | | | |
o->L1 ->L2 ->L3 ->L4 ->... ->L10
^ ^ ^ ^ ^
| | | | |
.21 .35 .78 .56 ... .21

使用

n_steps = 10
n_inputs = 1
n_neurons = 7
X = tf.placeholder(tf.float32, [None, n_steps, n_inputs])
y = tf.placeholder(tf.float32, [None, n_steps, n_outputs])

cell = tf.contrib.rnn.BasicRNNCell(num_units=n_neurons, activation=tf.nn.relu)
rnn_outputs, states = tf.nn.dynamic_rnn(cell, X, dtype=tf.float32)

rnn_outputs 变成 (?, 10, 7) 形状张量,大概每 10 个时间步长有 7 个输出。

之前,我在输出投影包装的 rnn_outputs 上运行以下代码片段,以获取每个序列的分类标签。

xentropy = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=y,logits=logits)

loss = tf.reduce_mean(xentropy)

我如何在 rnn_outputs 上运行类似的东西来获取序列?

具体来说,

<强>1。我可以从每个步骤获取 rnn_output 并将其输入到 softmax 中吗?

curr_state = rnn_outputs[:,i,:]
logits = tf.layers.dense(states, n_outputs)
xentropy = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=y, logits=logits)

<强>2。我应该使用什么损失函数?它应该应用于每个序列的每个值吗?(对于序列 i 和步骤 jloss = y_ {ij}(真实)- y_{ij}(预测))?

我的损失应该是loss = tf.reduce_mean(np.sum(xentropy))吗?

编辑看来我正在尝试实现类似于https://machinelearningmastery.com/develop-bidirectional-lstm-sequence-classification-python-keras/中类似的东西。在 TensorFlow 中。

在 Keras 中,有一个 TimeDistributed 函数:

You can then use TimeDistributed to apply a Dense layer to each of the 10 timesteps, independently

我将如何在 Tensorflow 中实现类似的东西?

最佳答案

首先,看起来您正在进行序列到序列建模。在此类问题中,通常最好采用编码器-解码器架构,而不是从同一 RNN 预测序列。 Tensorflow 有一个关于它的大型教程,名为 "Neural Machine Translation (seq2seq) Tutorial" ,我建议您查看一下。

但是,只要n_steps已知静态(尽管使用dynamic_rnn),您所询问的架构也是可能的。在这种情况下,可以计算每个单元输出的交叉熵,然后将所有损失相加。如果 RNN 长度也是动态的,也是可能的,但会更加复杂。代码如下:

n_steps = 2
n_inputs = 3
n_neurons = 5

X = tf.placeholder(dtype=tf.float32, shape=[None, n_steps, n_inputs], name='x')
y = tf.placeholder(dtype=tf.int32, shape=[None, n_steps], name='y')
basic_cell = tf.nn.rnn_cell.BasicRNNCell(num_units=n_neurons)
outputs, states = tf.nn.dynamic_rnn(basic_cell, X, dtype=tf.float32)

# Reshape to make `time` a 0-axis
time_based_outputs = tf.transpose(outputs, [1, 0, 2])
time_based_labels = tf.transpose(y, [1, 0])
losses = []
for i in range(n_steps):
cell_output = time_based_outputs[i] # get the output, can do apply further dense layers if needed
labels = time_based_labels[i] # get the label (sparse)
loss = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=labels, logits=cell_output)
losses.append(loss) # collect all losses
total_loss = tf.reduce_sum(losses) # compute the total loss

关于machine-learning - 实现具有连续输入和离散输出的生成 RNN,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/47860734/

24 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com