使用LSTM模型进行时间序列数据预测的示例
代码功能
这段代码展示了如何使用 LSTM(长短期记忆网络)模型对复杂的时间序列数据进行训练和预测。代码的主要功能分为以下几个步骤:
生成复杂的时间序列数据:通过将线性趋势、周期性正弦波和随机噪声相结合,生成模拟的时间序列数据。
数据预处理:使用 MinMaxScaler 将数据归一化,转换为适合 LSTM 模型的格式。
数据集准备:将时间序列数据转换为特定的输入输出格式,使用过去的 10 个时间步作为输入,预测下一个时间步的数据。
构建和训练 LSTM 模型:通过 Keras 构建一个两层 LSTM 网络,并使用均方误差损失函数和 Adam 优化器进行模型训练。
模型预测:使用训练好的模型对输入数据进行预测,并将预测值反归一化为原始范围。
可视化:绘制时间序列数据和模型预测结果的对比图,展示模型的预测效果。
最终,该模型可以用于对复杂时间序列数据进行预测,并可视化预测结果与真实数据的对比。
代码
import numpy as np
import matplotlib.pyplot as plt
from sklearn.preprocessing import MinMaxScaler
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import LSTM, Dense
from tensorflow.keras.layers import Input
# 1. 生成更加复杂的时间序列数据
np.random.seed(42)
time_steps = np.arange(100)
trend = 0.05 * time_steps # 线性趋势
seasonal = 10 * np.sin(0.2 * time_steps) # 周期性
noise = np.random.normal(scale=2, size=100) # 噪声
data = trend + seasonal + noise
# 2. 可视化生成的时间序列数据
plt.figure(figsize=(10, 6))
plt.plot(time_steps, data, label="Complex Time Series Data")
plt.xlabel("Time Steps")
plt.ylabel("Value")
plt.title("Complex Time Series Data")
plt.show()
# 3. 数据预处理
scaler = MinMaxScaler(feature_range=(0, 1))
data_scaled = scaler.fit_transform(data.reshape(-1, 1))
# 4. 准备数据:将时间序列数据转换为 LSTM 可用的形状
def create_dataset(data, time_step=5):
X, y = [], []
for i in range(len(data) - time_step):
X.append(data[i:(i + time_step), 0])
y.append(data[i + time_step, 0])
return np.array(X), np.array(y)
time_step = 10 # 使用过去10个时间步来预测下一个时间步
X, y = create_dataset(data_scaled, time_step)
# 重塑 X 使其符合 LSTM 输入格式: [样本数, 时间步长, 特征数]
X = X.reshape(X.shape[0], X.shape[1], 1)
# 5. 构建 LSTM 模型
model = Sequential()
model.add(Input(shape=(time_step, 1))) # 使用 Input 层来定义输入形状
model.add(LSTM(50, return_sequences=True))
model.add(LSTM(50))
model.add(Dense(1))
model.compile(loss='mean_squared_error', optimizer='adam')
# 6. 训练模型
model.fit(X, y, epochs=100, batch_size=16, verbose=1)
# 7. 用模型进行预测
train_predict = model.predict(X)
# 将预测值反归一化
train_predict = scaler.inverse_transform(train_predict.reshape(-1, 1))
# 8. 可视化真实数据和预测数据
plt.figure(figsize=(10, 6))
plt.plot(time_steps[time_step:], data[time_step:], label="True Data")
plt.plot(time_steps[time_step:], train_predict, label="Predicted Data", color="red", linestyle="--")
plt.xlabel("Time Steps")
plt.ylabel("Value")
plt.title("LSTM Time Series Prediction")
plt.legend()
plt.show()