LSTM是一种循环神经网络(RNN),可学习时间步长序列和数据之间的长期依赖关系,与CNN不同,LSTM可以记住预测之间的网络状态。
LSTM适用于序列和时序数据分类,此时必须基于记忆的数据点序列进行网络预测或输出。股票是随着时间变化的,恰好可以用LSTM。网上有关LSTM的原理介绍太多,本片不在这里多述。
# 导入相应的包
import numpy as np
import pandas as pd
from keras.models import Sequential
from keras.layers import LSTM,Dense,Dropout
from keras import optimizers
import matplotlib.pyplot as plt
from sklearn.preprocessing import MinMaxScaler
为了方便大家进行浮现,我将源码与DATA.CSV数据在此与大家分享
链接:https://pan.baidu.com/s/1rQ7ufVVi_Cnd3pnRMIio5g
提取码:kyuu
# 导入原始数据
data = pd.read_csv("DATA.csv",index_col=0)
data.head()
# 数据进行归一化
MMS = MinMaxScaler()
data = MMS.fit_transform(data)
#训练集与测试集的划分
x,y = data[:,1:],data[:,0]
x_train,x_test,y_train,y_test = x[:-500],x[-500:],y[:-500],y[-500:]
# 定义get_data函数,创建新的训练集与测试集合
def get_data(data1,data2):
datax = []
datay = []
for i in range(50,len(data1)):
datax.append(data1[i-50:i,0:])
datay.append(data2[i])
return np.array(datax),np.array(datay)
x_train,y_train = get_data(x_train,y_train)
x_test,y_test = get_data(x_test,y_test)
本实验使用keras深度学习框架对模型进行快速搭建。建立Sequential模型,向其中添加LSTM层,设定Dropout为0.2,加入Dense层将其维度聚合为1,激活函数使用relu(也用了sigmoid作为激活函数,但实验效果不如relu),损失函数定为mse。优化算法采用adam,模型采用50个epochs并且每个batch的大小为128。
# 使用keras建立model,并训练
def build_model():
model = Sequential()
model.add(LSTM(50,return_sequences=True,input_shape=(50,4)))
model.add(LSTM(30))
model.add(Dropout(0.2))
model.add(Dense(1,activation='relu'))
model.compile(loss = 'mse',optimizer = "adam")
return model
model = build_model()
history = model.fit(x_train,y_train,verbose=0,epochs=50,batch_size=128)
plt.plot(history.history['loss'], label='train')
plt.title('LSTM LOSS', fontsize='12')
plt.ylabel('loss', fontsize='10')
plt.xlabel('epoch', fontsize='10')
plt.legend()
plt.show()
# 反转数据并预测
y_pred_ = np.repeat(y_pred,5, axis=-1)
y_pred_=MMS.inverse_transform(np.reshape(y_pred_,(len(y_pred),5)))[:,0]
y_test_ = np.repeat(y_test,5, axis=-1)
y_test_=MMS.inverse_transform(np.reshape(y_test_,(len(y_test),5)))[:,0]
print("prediction:",y_pred_[:10],"\nreal value:",y_test_[:10])
plt.plot(y_pred_,color='red',label="prediction")
plt.plot(y_test_,color="green",label="real")
plt.title("Result Show")
plt.xlabel("Time")
plt.ylabel("price")
plt.show()
本案列旨在将LSTM应用于股票数据预测,通过使用LSTM对股票收益的预测,学习时间序列数据的处理和转化。使用LSTM来对股票数据的预测具有一定的可行性。