尝试使用 TensorFlow 预测金融时间序列数据

数据挖掘 机器学习 Python 时间序列 张量流 rnn
2021-10-12 05:52:12

我是 ML 和 TensorFlow 的新手(大约几个小时前开始使用),我正在尝试使用它来预测时间序列中接下来的几个数据点。我正在接受我的意见并这样做:

/----------- x ------------\
.-------------------------------.
| 0 | 1 | 2 | 3 | 4 | 5 | 6 | 7 |
'-------------------------------'
     \----------- y ------------/

我以为我在做的是使用x作为输入数据,使用y作为该输入的所需输出,因此给定 0-6 我可以得到 1-7(特别是 7)。但是,当我以x作为输入运行我的图表时,我得到的是一个看起来更像x而不是y的预测。

这是代码(基于这篇文章这篇文章):

import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plot
import pandas as pd
import csv

def load_data_points(filename):
    print("Opening CSV file")
    with open(filename) as csvfile:
        print("Creating CSV reader")
        reader = csv.reader(csvfile)
        print("Reading CSV")
        return [[[float(p)] for p in row] for row in reader]

flatten = lambda l: [item for sublist in l for item in sublist]

data_points = load_data_points('dataset.csv')

print("Loaded")

prediction_size = 10
num_test_rows = 1
num_data_rows = len(data_points) - num_test_rows
row_size = len(data_points[0]) - prediction_size

# Training data
data_rows = data_points[:-num_test_rows]
x_data_points = np.array([row[:-prediction_size] for row in data_rows]).reshape([-1, row_size, 1])
y_data_points = np.array([row[prediction_size:] for row in data_rows]).reshape([-1, row_size, 1])

# Test data
test_rows = data_points[-num_test_rows:]
x_test_points = np.array([[data_points[0][:-prediction_size]]]).reshape([-1, row_size, 1])
y_test_points = np.array([[data_points[0][prediction_size:]]]).reshape([-1, row_size, 1])

tf.reset_default_graph()

num_hidden = 100

x = tf.placeholder(tf.float32, [None, row_size, 1])
y = tf.placeholder(tf.float32, [None, row_size, 1])

basic_cell = tf.contrib.rnn.BasicRNNCell(num_units=num_hidden, activation=tf.nn.relu)
rnn_outputs, _ = tf.nn.dynamic_rnn(basic_cell, x, dtype=tf.float32)

learning_rate = 0.001

stacked_rnn_outputs = tf.reshape(rnn_outputs, [-1, num_hidden])
stacked_outputs = tf.layers.dense(stacked_rnn_outputs, 1)
outputs = tf.reshape(stacked_outputs, [-1, row_size, 1])

loss = tf.reduce_sum(tf.square(outputs - y))
optimizer = tf.train.AdamOptimizer(learning_rate)
training_op = optimizer.minimize(loss)

init = tf.global_variables_initializer()

iterations = 1000

with tf.Session() as sess:
    init.run()
    for ep in range(iterations):
        sess.run(training_op, feed_dict={x: x_data_points, y: y_data_points})
        if ep % 100 == 0:
            mse = loss.eval(feed_dict={x: x_data_points, y: y_data_points})
            print(ep, "\tMSE:", mse)

    y_pred = sess.run(stacked_outputs, feed_dict={x: x_test_points})

    plot.rcParams["figure.figsize"] = (20, 10)

    plot.title("Actual vs Predicted")
    plot.plot(pd.Series(np.ravel(x_test_points)), 'g:', markersize=2, label="X")
    plot.plot(pd.Series(np.ravel(y_test_points)), 'b--', markersize=2, label="Y")
    plot.plot(pd.Series(np.ravel(y_pred)), 'r-', markersize=2, label="Predicted")
    plot.legend(loc='upper left')
    plot.xlabel("Time periods")
    plot.tick_params(
        axis='y',
        which='both',
        left='off',
        right='off',
        labelleft='off')
    plot.show()

下图中显示的结果是跟随x的预测,而不是像y那样向左移动(并包括右侧的预测点) 。显然,希望红线尽可能接近蓝线。

图形

我不知道我在做什么,所以请 ELI5。

哦,另外,我的数据点是相当小的数字(0.0001 的顺序)。如果我不将它们乘以 1000000,则结果非常小,以至于红线在图表底部几乎是平的。为什么?我猜这是因为适应度函数的平方。数据在使用前是否应该标准化,如果是,标准化是什么?0-1?如果我使用:

normalized_points = [(p - min_point) / (max_point - min_point) for p in data_points]

我的预测随着进展而波动更大:波动的

编辑:我很愚蠢,只给它一个例子来学习,而不是 500,不是吗?所以我应该给它多个 500 点的样本,对吧?

2个回答

好的,让我们一步一步来。这里有很多部分没有考虑到网络中的偏见。

选择输入和输出

如果确定了向量 0-6,则确实不需要输出 1-7。1-6 是已知的,添加额外的输出只会增加模型的复杂性。除非您拥有大量数据,否则您希望模型尽可能简单以获得良好的性能。因此,我将输出一个具有连续值的简单神经元。您可以使用 RMSE 作为您的损失函数,并带有来自您的神经网络的回归输出。

此外,您应该使用一些您可能认为包含有关趋势线的信息的附加信息来补充您放入输入空间的样本。例如,如果我有 2 种不同的产品,比特币和黄金,并且它们的输入向量相同,我可能会期望黄金的波动很小,而比特币的波动非常大。

您对网络的输入特征包含您的网络将从中学习的所有信息。因此,您要确保提供了足够的信息来进行有意义的预测。

深度学习需要大量数据

您将需要大约 100,000 多个实例。每个实例都是一组特征。这些应该是独立绘制的,并且它们是相同分布的。换句话说,您想从您希望使用网络的各种数据源中获取多条趋势线,然后您将随机绘制 0-6 个点,即您的特征,以及 7 个点,这将是您的标签。

考虑您尝试学习的数据分布。如果您希望您的网络对猫/狗进行分类,您需要提供各种不同外观的猫和狗,以便网络可以识别这两个类别中存在的差异。如果您过多地限制数据源,它将有很大的偏差,并且不会泛化到您稍后将输入的新数据。


尝试这些事情,让我们知道会发生什么。

也许预测与输入相同反映了您的网络训练不足。所谓的用于时间序列预测的持久性模型,通常用作其他模型的基线。持久性模型使用最后一次观察作为预测。它很简单,通常会产生合理的准确性。我的猜测是,您的网络从学习持久性模型开始,只有当您对其进行更多训练并且有可能制作出更好的模型时,它才会学习它——但这需要大量的训练。