gpt4 book ai didi

python - LSTM - 对部分序列进行预测

转载 作者:太空狗 更新时间:2023-10-30 01:18:19 25 4
gpt4 key购买 nike

这个问题在继续 previous question我问过了。

我已经训练了一个 LSTM 模型来预测一个二元类(1 或 0),每批 100 个样本,每个样本具有 3 个特征,即:数据的形状是 (m, 100, 3),其中 m 是批处理数。

数据:

[
[[1,2,3],[1,2,3]... 100 sampels],
[[1,2,3],[1,2,3]... 100 sampels],
... avaialble batches in the training data
]

目标:

[
[1]
[0]
...
]

模型代码:

def build_model(num_samples, num_features, is_training):
model = Sequential()
opt = optimizers.Adam(lr=0.0005, beta_1=0.9, beta_2=0.999, epsilon=1e-08, decay=0.0001)

batch_size = None if is_training else 1
stateful = False if is_training else True
first_lstm = LSTM(32, batch_input_shape=(batch_size, num_samples, num_features), return_sequences=True,
activation='tanh', stateful=stateful)

model.add(first_lstm)
model.add(LeakyReLU())
model.add(Dropout(0.2))
model.add(LSTM(16, return_sequences=True, activation='tanh', stateful=stateful))
model.add(Dropout(0.2))
model.add(LeakyReLU())
model.add(LSTM(8, return_sequences=False, activation='tanh', stateful=stateful))
model.add(LeakyReLU())
model.add(Dense(1, activation='sigmoid'))

if is_training:
model.compile(loss='binary_crossentropy', optimizer=opt,
metrics=['accuracy', keras_metrics.precision(), keras_metrics.recall(), f1])
return model

对于训练阶段,模型是NOT有状态的。在预测时,我使用的是有状态模型,遍历数据并输出每个样本的概率:

for index, row in data.iterrows():
if index % 100 == 0:
predicting_model.reset_states()
vals = np.array([[row[['a', 'b', 'c']].values]])
prob = predicting_model.predict_on_batch(vals)

当查看批处理末尾的概率时,它正是我在对整个批处理(而不是一个接一个)进行预测时得到的值。然而,我预计当新样本到达时,概率总是会继续朝着正确的方向发展。实际发生的是,概率输出可能会在任意样本上出现错误的类别(见下文)。


预测时间内 100 个样本批处理中的两个样本(标签 = 1):

enter image description here

和标签 = 0: enter image description here

有没有办法实现我想要的(在预测概率时避免极端峰值),或者这是既定事实?

任何解释,建议将不胜感激。


更新感谢@today 的建议,我尝试在最后一个 LSTM 层上使用 return_sequence=True 为每个输入时间步使用隐藏状态输出训练网络。

现在标签看起来像这样(形状 (100,100)):

[[0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0]
[1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1
1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1
1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1]
...]

模型总结:

Layer (type)                 Output Shape              Param #   
=================================================================
lstm_1 (LSTM) (None, 100, 32) 4608
_________________________________________________________________
leaky_re_lu_1 (LeakyReLU) (None, 100, 32) 0
_________________________________________________________________
dropout_1 (Dropout) (None, 100, 32) 0
_________________________________________________________________
lstm_2 (LSTM) (None, 100, 16) 3136
_________________________________________________________________
dropout_2 (Dropout) (None, 100, 16) 0
_________________________________________________________________
leaky_re_lu_2 (LeakyReLU) (None, 100, 16) 0
_________________________________________________________________
lstm_3 (LSTM) (None, 100, 8) 800
_________________________________________________________________
leaky_re_lu_3 (LeakyReLU) (None, 100, 8) 0
_________________________________________________________________
dense_1 (Dense) (None, 100, 1) 9
=================================================================
Total params: 8,553
Trainable params: 8,553
Non-trainable params: 0
_________________________________________________________________

但是,我得到一个异常(exception):

ValueError: Error when checking target: expected dense_1 to have 3 dimensions, but got array with shape (75, 100)

我需要修复什么?

最佳答案

注意:这只是一个想法,可能是错误的。如果您愿意,请尝试一下,如果有任何反馈,我将不胜感激。


Is there a way to achieve what I want (avoid extreme spikes while predicting probability), or is that a given fact?

你可以做这个实验:将最后一个 LSTM 层的 return_sequences 参数设置为 True 并尽可能多地复制每个样本的标签每个样本的长度。例如,如果样本的长度为 100,其标签为 0,则为该样本创建一个由 100 个零组成的新标签(您可以使用像 np.repeat 这样的 numpy 函数轻松地做到这一点).然后重新训练您的新模型,然后在新样本上对其进行测试。我不确定这一点,但我预计这次会出现更多单调递增/递减的概率图。


更新:您提到的错误是由于标签应该是 3D 数组这一事实引起的(查看模型摘要中最后一层的输出形状)。使用 np.expand_dims 在末尾添加另一个大小为 1 的轴。重复标签的正确方法如下所示,假设 y_train 的形状为 (num_samples,):

rep_y_train = np.repeat(y_train, num_reps).reshape(-1, num_reps, 1)

IMDB数据集上的实验:

实际上,我使用带有一个 LSTM 层的简单模型在 IMDB 数据集上尝试了上面建议的实验。有一次,我只使用每个样本一个标签(与@Shlomi 的原始方法一样),另一次我复制标签以每个样本的每个时间步长一个标签 strong>(正如我上面所建议的)。如果您想自己尝试,请使用以下代码:

from keras.layers import *
from keras.models import Sequential, Model
from keras.datasets import imdb
from keras.preprocessing.sequence import pad_sequences
import numpy as np

vocab_size = 10000
max_len = 200
(x_train, y_train), (x_test, y_test) = imdb.load_data(num_words=vocab_size)
X_train = pad_sequences(x_train, maxlen=max_len)

def create_model(return_seq=False, stateful=False):
batch_size = 1 if stateful else None
model = Sequential()
model.add(Embedding(vocab_size, 128, batch_input_shape=(batch_size, None)))
model.add(CuDNNLSTM(64, return_sequences=return_seq, stateful=stateful))
model.add(Dense(1, activation='sigmoid'))

model.compile(optimizer='rmsprop', loss='binary_crossentropy', metrics=['acc'])
return model

# train model with one label per sample
train_model = create_model()
train_model.fit(X_train, y_train, epochs=10, batch_size=128, validation_split=0.3)

# replicate the labels
y_train_rep = np.repeat(y_train, max_len).reshape(-1, max_len, 1)

# train model with one label per timestep
rep_train_model = create_model(True)
rep_train_model.fit(X_train, y_train_rep, epochs=10, batch_size=128, validation_split=0.3)

然后我们可以创建训练模型的有状态副本,并在一些测试数据上运行它们以比较它们的结果:

# replica of `train_model` with the same weights
test_model = create_model(False, True)
test_model.set_weights(train_model.get_weights())
test_model.reset_states()

# replica of `rep_train_model` with the same weights
rep_test_model = create_model(True, True)
rep_test_model.set_weights(rep_train_model.get_weights())
rep_test_model.reset_states()

def stateful_predict(model, samples):
preds = []
for s in samples:
model.reset_states()
ps = []
for ts in s:
p = model.predict(np.array([[ts]]))
ps.append(p[0,0])
preds.append(list(ps))
return preds

X_test = pad_sequences(x_test, maxlen=max_len)

实际上,X_test的第一个样本的标签为0(即属于负类),X_test的第二个样本的标签为1(即属于正类)类(class))。因此,让我们首先看看这两个样本的 test_model(即每个样本使用一个标签训练的模型)的状态预测会是什么样子:

import matplotlib.pyplot as plt

preds = stateful_predict(test_model, X_test[0:2])

plt.plot(preds[0])
plt.plot(preds[1])
plt.legend(['Class 0', 'Class 1'])

结果:

<code>test_model</code> stateful predictions

在最后(即时间步长 200)正确的标签(即概率)但在两者之间非常尖锐和波动。现在让我们将它与 rep_test_model 的状态预测(即每个时间步使用一个标签训练的模型)进行比较:

preds = stateful_predict(rep_test_model, X_test[0:2])

plt.plot(preds[0])
plt.plot(preds[1])
plt.legend(['Class 0', 'Class 1'])

结果:

<code>rep_test_model</code> stateful predictions

再次,最后正确的标签预测,但这次如预期的那样具有更加平滑和单调的趋势。

请注意,这只是一个演示示例,因此我在这里使用了一个非常简单的模型,只有一个 LSTM 层,我根本没有尝试调整它。我想通过更好地调整模型(例如调整层数、每层中的单元数、使用的激活函数、优化器类型和参数等),您可能会得到更好的结果。

关于python - LSTM - 对部分序列进行预测,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/53376761/

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