TensorFlow搭建LSTM实现时间序列预测(负荷预测)

2022-08-2821:45:30人工智能与大数据Comments1,503 views字数 5188阅读模式

I. 前言

前面写了不少时序预测的代码,不过都是基于PyTorch写的,考虑到目前TensorFlow的使用人群也较多,因此接下来一段时间会逐步将上面文章中的代码改用TensorFlow实现。文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

II. 数据处理

数据集为某个地区某段时间内的电力负荷数据,除了负荷以外,还包括温度、湿度等信息。文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

本篇文章暂时不考虑其它变量,只考虑用历史负荷来预测未来负荷。本文中,我们根据前24个时刻的负荷下一时刻的负荷。文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

代码风格和之前PyTorch类似:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

def nn_seq_us(seq_len, B):
    print('data processing...')
    dataset = load_data()
    # split
    train = dataset[:int(len(dataset) * 0.6)]
    val = dataset[int(len(dataset) * 0.6):int(len(dataset) * 0.8)]
    test = dataset[int(len(dataset) * 0.8):len(dataset)]
    m, n = np.max(train[train.columns[1]]), np.min(train[train.columns[1]])

    def process(data, batch_size, shuffle):
        load = data[data.columns[1]]
        data = data.values.tolist()
        load = (load - n) / (m - n)
        load = load.tolist()
        X, Y = [], []
        for i in range(len(data) - seq_len):
            train_seq = []
            train_label = []
            for j in range(i, i + seq_len):
                x = [load[j]]
                # for c in range(2, 8):
                #     x.append(data[i + 24][c])
                train_seq.append(x)
            train_label.append(load[i + seq_len])
            X.append(train_seq)
            Y.append(train_label)

        X = tf.data.Dataset.from_tensor_slices(X)
        Y = tf.data.Dataset.from_tensor_slices(Y)
        seq = tf.data.Dataset.zip((X, Y))
        if shuffle:
            seq = seq.batch(batch_size, drop_remainder=False).shuffle(batch_size).prefetch(batch_size)
        else:
            seq = seq.batch(batch_size, drop_remainder=False).prefetch(batch_size)

        return seq

    Dtr = process(train, B, shuffle=True)
    Val = process(val, B, shuffle=True)
    Dte = process(test, B, shuffle=False)

前面PyTorch中数据的分批处理:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

seq = MyDataset(seq)
seq = DataLoader(dataset=seq, batch_size=batch_size, shuffle=shuffle, num_workers=0, drop_last=False)

TensorFlow中数据的分批处理:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

X = tf.data.Dataset.from_tensor_slices(X)
Y = tf.data.Dataset.from_tensor_slices(Y)
seq = tf.data.Dataset.zip((X, Y))
seq = seq.batch(batch_size, drop_remainder=False).prefetch(batch_size)

III. 模型

利用TensorFlow搭建的LSTM模型如下所示:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

class LSTM(keras.Model):
    def __init__(self, args):
        super(LSTM, self).__init__()
        self.lstm = Sequential()
        for i in range(args.num_layers):
            self.lstm.add(layers.LSTM(units=args.hidden_size, input_shape=(args.seq_len, args.input_size),
                                      activation='tanh', return_sequences=True))
        self.fc1 = layers.Dense(64, activation='relu')
        self.fc2 = layers.Dense(args.output_size)

    def call(self, data, training=None, mask=None):
        x = self.lstm(data)
        x = self.fc1(x)
        x = self.fc2(x)

        return x[:, -1:, :]

参数同PyTorch中的类似:units表示hidden_sizeinput_shape=(seq_len, input_size)return_sequences=True表示返回所有时间步的输出,我们只需要取最后一个时间步的输出,由于keras中的LSTM没有类似于PyTorch中LSTM的num_layers参数,所以我们需要手动添加。文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

作为对比,我们给出前面利用PyTorch定义的LSTM模型:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

class LSTM(nn.Module):
    def __init__(self, input_size, hidden_size, num_layers, output_size, batch_size):
        super().__init__()
        self.input_size = input_size
        self.hidden_size = hidden_size
        self.num_layers = num_layers
        self.output_size = output_size
        self.num_directions = 1 # 单向LSTM
        self.batch_size = batch_size
        self.lstm = nn.LSTM(self.input_size, self.hidden_size, self.num_layers, batch_first=True)
        self.linear = nn.Linear(self.hidden_size, self.output_size)

    def forward(self, input_seq):
        batch_size, seq_len = input_seq.shape[0], input_seq.shape[1]
        h_0 = torch.randn(self.num_directions * self.num_layers, self.batch_size, self.hidden_size).to(device)
        c_0 = torch.randn(self.num_directions * self.num_layers, self.batch_size, self.hidden_size).to(device)
        # output(batch_size, seq_len, num_directions * hidden_size)
        output, _ = self.lstm(input_seq, (h_0, c_0)) # output(5, 30, 64)
        pred = self.linear(output)  # (5, 30, 1)
        pred = pred[:, -1, :]  # (5, 1)
        return pred

可以发现,二者基本一致。文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

IV. 训练/测试

def train(args, Dtr, Val, Dte, M, path):
    model = LSTM(args)
    if args.optimizer == 'adam':
        optimizer = tf.keras.optimizers.Adam(learning_rate=args.lr)
    else:
        optimizer = tf.keras.optimizers.SGD(learning_rate=args.lr,
                                            momentum=0.9)
    loss_function = tf.keras.losses.MeanSquaredError()
    min_val_loss = 5
    best_model = None
    best_test_mape = 0
    best_test_res = None
    min_epochs = 5
    for epoch in tqdm(range(args.epochs)):
        train_loss = []
        for batch_idx, (seq, label) in enumerate(Dtr):
            with tf.GradientTape() as tape:
                pred = model(seq)
                loss = loss_function(pred, label)
                train_loss.append(loss)
            # 计算梯度
            grads = tape.gradient(loss, model.trainable_variables)
            # 根据梯度更新权重
            optimizer.apply_gradients(zip(grads, model.trainable_variables))

        val_loss, test_mape, res = test(model, Val, Dte, M)
        if epoch + 1 > min_epochs and val_loss < min_val_loss:
            min_val_loss = val_loss
            best_test_mape = test_mape
            best_model = copy.deepcopy(model)
            best_test_res = copy.deepcopy(res)

        print('epoch {:03d} train_loss {:.8f} val_loss {:.8f} test_mape {:.5f}'
              .format(epoch, np.mean(train_loss), val_loss, test_mape))
    best_model.save_weights(path)

    return best_test_mape, best_test_res

训练同样返回验证集上表现最优的模型。文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

需要注意的是,TensorFlow中模型更新的过程为:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

for batch_idx, (seq, label) in enumerate(Dtr):
    with tf.GradientTape() as tape:
        pred = model(seq)
        loss = loss_function(pred, label)
        train_loss.append(loss)
    # 计算梯度
    grads = tape.gradient(loss, model.trainable_variables)
    # 根据梯度更新权重
    optimizer.apply_gradients(zip(grads, model.trainable_variables))

与之对比,PyTorch中为:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

for (seq, label) in Dtr:
    seq = seq.to(device)
    label = label.to(device)
    y_pred = model(seq)
    loss = loss_function(y_pred, label)
    train_loss.append(loss.item())
    optimizer.zero_grad()
    loss.backward()
    optimizer.step()

模型保存:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

best_model.save_weights('models/model')

模型加载与预测:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

def predict(args, Dte, M, path):
    model = LSTM(args)
    model.load_weights(path)
    y, pred = [], []
    for batch_idx, (seq, label) in tqdm(enumerate(Dte)):
        # print(seq.shape)
        # print(label.shape)
        p = model(seq)
        label = label.numpy().flatten().tolist()
        p = p.numpy().flatten().tolist()
        # print(len(p), len(label))
        y.extend(label)
        pred.extend(p)
    # 计算mape
    m, n = M[0], M[1]
    y, pred = np.array(y), np.array(pred)
    y = (m - n) * y + n
    pred = (m - n) * pred + n
    plot(y, pred)

    return get_mape(y, pred)

训练30个epoch,测试集上的MAPE为:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

best_test_mape: 0.052237886800780085

画图:文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html

TensorFlow搭建LSTM实现时间序列预测(负荷预测)
文章源自菜鸟学院-https://www.cainiaoxueyuan.com/ai/27496.html
  • 本站内容整理自互联网,仅提供信息存储空间服务,以方便学习之用。如对文章、图片、字体等版权有疑问,请在下方留言,管理员看到后,将第一时间进行处理。
  • 转载请务必保留本文链接:https://www.cainiaoxueyuan.com/ai/27496.html

Comment

匿名网友 填写信息

:?: :razz: :sad: :evil: :!: :smile: :oops: :grin: :eek: :shock: :???: :cool: :lol: :mad: :twisted: :roll: :wink: :idea: :arrow: :neutral: :cry: :mrgreen:

确定