序
在使用RNN及其变体时,大多数是为了解决时间问题,即数据是有时序性质的。而且,RNN要求输入的数据是3D张量,即(samples, time_steps, features),中间的这个time_steps就体现了时间。为了将数据转换成(m, n, k)这种格式,可以手动进行操作,比如前面的一篇文章 https://www.jianshu.com/p/6b874e49b906。当然,也可以考虑使用今天的主角:TimeseriesGenerator
介绍
TimeseriesGenerator是Keras为方便用户处理时序数据而制作的一个生成器,使用起来也很简单。
class TimeseriesGenerator(data, targets, length, sampling_rate=1, stride=1, start_index=0, end_index=None, shuffle=False, reverse=False, batch_size=128)
generator = TimeseriesGenerator(data, targets, time_steps)
在这里,常用的参数主要有:
data:要转换的原始的时间序列数据
targets:目标值
length:以多大步长来转换数据
定义好一个生成器并将数据导入之后,可以通过以下方式进行查看转换后的数据:
for i in range(len(generator)):
x, y = generator[i]
print('%s => %s' % (x, y))
应用
在平常的案例中,主要有两类数据。
第一类是数据x与要预测的值y是同一种性质的值,比如温度。而另一类中,输出y与输入x是不同类的,比如[下雨, 薄衣, 出汗] -> [感冒]。
案例1:预测余弦值
这一类数据很多都是单变量,即特征数只有1,比如温度、价格等。
import numpy as np
import matplotlib.pyplot as plt
from keras.preprocessing.sequence import TimeseriesGenerator
from keras.models import Sequential
from keras.layers import Dense, LSTM
# 生成数据
x_len = 1075
x = np.linspace(0, np.pi * 10.75, x_len, endpoint=False)
y = np.cos(x).reshape(-1, 1)
print("显示生成的余弦数据:")
plt.scatter(x, y)
plt.show()
window = 75 # 时序滑窗大小,就是time_steps
batch_size = 256
tg = TimeseriesGenerator(y, y, length=window, batch_size=batch_size)
# 构建LSTM模型
model = Sequential()
model.add(LSTM(
units=50, input_shape=(window, 1), return_sequences=True # True返回输出序列的全部
))
model.add(LSTM(
units=100, return_sequences=False # False返回输出序列的最后一个
))
model.add(Dense(1)) # 输出层
model.compile(optimizer='adam', loss='mse') # 均方误差(Mean Square Error)
model.fit_generator(generator=tg, epochs=30, verbose=2)
# 预测
pred_len = 200 # 预测序列长度
for i in range(4):
x_pred = x[i * batch_size + window: i * batch_size + window + pred_len]
y_pred = [] # 存放拟合序列
X_pred = tg[i][0][0]
for i in range(pred_len):
Y_pred = model.predict(X_pred.reshape(-1, window, 1)) # 预测
y_pred.append(Y_pred[0])
X_pred = np.concatenate((X_pred, Y_pred))[1:] # 窗口滑动
plt.scatter(x_pred[0], y_pred[0], c='r', s=9) # 预测起始点
plt.plot(x_pred, y_pred, 'r') # 预测序列
plt.plot(x, y, 'y', linewidth=5, alpha=0.3) # 原序列
plt.show()
案例2:预测两数之和
此类案例,数据x与预测值y之间存在某种联系, 但不是同类性质的数据。
from numpy import array
from numpy import hstack
from numpy import insert
from keras.preprocessing.sequence import TimeseriesGenerator
# 给定数据
in_seq1 = array([10, 20, 30, 40, 50, 60, 70, 80, 90, 100])
in_seq2 = array([15, 25, 35, 45, 55, 65, 75, 85, 95, 105])
out_seq = array([25, 45, 65, 85, 105, 125, 145, 165, 185, 205])
in_seq1 = in_seq1.reshape((len(in_seq1), 1))
in_seq2 = in_seq2.reshape((len(in_seq2), 1))
out_seq = out_seq.reshape((len(out_seq), 1))
# 按行的方向进行堆叠
dataset = hstack((in_seq1, in_seq2))
# 插入一个值作为初始值
out_seq = insert(out_seq, 0, 0)
# 定义生成器
n_input = 1
generator = TimeseriesGenerator(dataset, out_seq, length=n_input, batch_size=1)
# print each sample
for i in range(len(generator)):
x, y = generator[i]
print('%s => %s' % (x, y))
需要注意的是,在这里多了一个out_seq = insert(out_seq, 0, 0)。这主要是因为,若没有0,0,则数据会默认将25作为第一个值,然而 预测是从第二个值开始的,这样自然就称为了 [10, 15] -> [45]。因此,加入一个[0]将25顶上去。
最后,数据处理真的挺不好玩的,哎,希望能多学一些,提前多踩一些。加油~