当前位置:   article > 正文

算法学习笔记:门控循环单元(Gate Recurrent Unit)_gated recurrent unit (gru)

gated recurrent unit (gru)

一、GRU发展背景

GRU(Gate Recurrent Unit)是LSTM网络的一种变体,属于新一代的循环神经网络,由Cho等人在2014年引入(引用源论文:https://arxiv.org/pdf/1406.1078v3.pdf;它较LSTM网络的结构更加简单,效果也相差无几,也能很好的解决RNN中的长期依赖问题,因此也是当前非常流行的一种网络。

二、GRU基本结构与原理

2.1 基本原理概述

2.1.1 GRU的整体结构(宏观上看)

GRU的基本结构也是跟lstm一样的;

1.在垂直于时间步方向上,每一个时间步都有一个BP网络,包括输入层、隐藏层和输出层输入层接收输入序列,隐藏层包含GRU单元,输出层输出预测结果。GRU单元的主要组成部分包括更新门(update gate)和输出门(output gate)。

2。在平行于时间步方向上,包含在中间绿色的隐藏层中的GRU单元体,沿着时间步方向传递隐藏状态ht(就是平行于时间轴的那一堆五颜六色的线),从而传统历史信息。

2.1.2 GRU的单元体结构(微观上看)

与LSTM的单元体结构相比,GRU去除掉了细胞状态,使用隐藏层状态h_{t}来进行历史信息的传递;如图GRU的单元体结构示意图可知,它只包含两个门:重置门(reset gate)、更新门(update gate),因此GRU的计算量较LSTM明显更小。

在GRU单元体中,重置门的作用就是决定历史信息有多少能被留下,并与当前的输入信息相结合;更新门的作用类似于LSTM中的遗忘门+输入门,它决定了历史信息和当前输入信息有多少是需要继续传递到当前输出信息中。依靠这个单元体的双门控机制,GRU既能保存长期序列中的信息,避免随时间而清除历史信息,又能保留结合当前信息并传递到下一个单元;从而展示出在低计算成本下处理长期依赖序列数据的优异表现。

2.3 单元体内部结构--公式推导理解

聚焦在这个单元中

这里的公式和图片均参考此博主的文章快速理解 GRU (Gated Recurrent Unit)网络模型 - 知乎 (zhihu.com)

首先,让我们介绍以下的符号注释:

三、GRU模型构建以及训练代码

这里的话呢,补充一点自己写的小小代码

  1. import numpy as np
  2. from numpy import savetxt
  3. import pandas as pd
  4. from pandas.plotting import register_matplotlib_converters
  5. from pylab import rcParams
  6. import matplotlib.pyplot as plt
  7. from matplotlib import rc
  8. from sklearn.model_selection import train_test_split
  9. from sklearn.preprocessing import MinMaxScaler, StandardScaler
  10. from sklearn.metrics import r2_score
  11. import tensorflow as tf
  12. from tensorflow import keras
  13. from keras.optimizers import Adam,RMSprop
  14. import os
  15. import tensorflow as tf
  16. tf.config.set_visible_devices(tf.config.list_physical_devices('GPU'), 'GPU')
  17. register_matplotlib_converters()
  18. #plt.rcParams["font.sans-serif"] = [""]# 指定默认字体
  19. pd.set_option('display.max_columns', None) # 结果显示所有列
  20. pd.set_option('display.max_rows', None) # 结果显示所行行
  21. #>>>>>>>>>>>>数据预处理
  22. #1.训练集(New-train)数据处理
  23. source = 'New-train.csv'
  24. df_train = pd.read_csv(source, index_col=None)
  25. df_train = df_train[['设置你的数据表头']]
  26. source = 'New-test.csv'
  27. df_test = pd.read_csv(source, index_col=None)
  28. df_test = df_test[['设置你的数据表头']]
  29. train_size = int(len(df_train))
  30. test_size = int(len(df_test))
  31. train = df_train.iloc[0:train_size]
  32. test = df_test.iloc[0:test_size]
  33. print(len(train), len(test))
  34. def training_data(X, y, time_steps=1):
  35. Xs, ys = [], []
  36. for i in range(len(X) - time_steps):
  37. v = X.iloc[i:(i + time_steps)].values
  38. Xs.append(v)
  39. ys.append(y.iloc[i + time_steps])
  40. return np.array(Xs), np.array(ys)
  41. time_steps = 10
  42. X_train, y_train = training_data(train.loc[:, '设置你的数据表头'], train.*, time_steps)
  43. x_test, y_test = training_data(test.loc[:,'设置你的数据表头'], test.*, time_steps)
  44. #构建模型
  45. def model_GRU(units):
  46. model = keras.Sequential()
  47. #input
  48. model.add(keras.layers.GRU(
  49. units=units,
  50. activation="relu",
  51. input_shape=(X_train.shape[1], X_train.shape[2])
  52. ))
  53. model.add(keras.layers.Dropout(0.2))
  54. model.add(keras.layers.Dense(1))
  55. model.compile(loss='mse', optimizer=Adam(learning_rate=0.001))
  56. return model
  57. #训练模型
  58. def fit_model(model):
  59. #早停机制,防止过拟合
  60. early_stop = keras.callbacks.EarlyStopping(
  61. monitor='val_loss',
  62. min_delta=0.0,#min_delta=0.0 表示如果训练过程中的指标没有发生任何改善,即使改善非常微小,也会被视为没有显著改善
  63. patience=2000)#表示如果在连续的 2000 个 epoch 中,指标没有超过 min_delta 的改善,训练将被提前停止
  64. history = model.fit( # 在调用model.fit()方法时,模型会根据训练数据进行参数更新,并在训练过程中逐渐优化模型的性能
  65. X_train, y_train, # 当训练完成后,模型的参数就被更新为训练过程中得到的最优值
  66. epochs=400, # 此时model已经是fit之后的model,直接model.predict即可(千万不要model=model.fit(),然后再model.predict)
  67. validation_split=0.1,
  68. batch_size=12600,
  69. shuffle=False,
  70. callbacks=[early_stop])
  71. return history
  72. GRU = model_GRU(64)
  73. #这里只是写了训练模型的代码,预测的话要根据自己的数据结构以及想要的效果来写喔

声明:本文内容由网友自发贡献,转载请注明出处:【wpsshop】
推荐阅读
  

闽ICP备14008679号