• Tensorflow笔记———循环神经网络RNN


    目录

    循环神经网络(Recurrent Neural Network,RNN)

    1.卷积神经网络与循环神经网络简单对比

    2.详解RNN

    2.1循环核

    2.2循环核按时间步展开

    2.3循环计算层:向输出方向生长

     3.RNN训练

    3.1Tensorflow中实现循环计算层(简述)

    3.2循环计算过程之1prel

     4.实践

    4.1.用python实现单字母预测

     4.2.用python实现多字母预测

    4.3Embedding编码

    4.4用Embedding编码的方式实现字母预测


    循环神经网络(Recurrent Neural Network,RNN)

    1.卷积神经网络与循环神经网络简单对比

    CNN:借助卷积核(kernel)提取特征后,送入后续网络(如全连接网络Dense)进行分类、目标检测等操作。CNN借助卷积核从空间维度提取信息,卷积核参数共享。

    RNN:借助循环核(cell)提取特征后,送入后续网络(如全连接网络Dense)进行预测等操作。RNN借助循环核从时间维度提取信息,循环核参数时间共享。

    2.详解RNN

    RNN是一种可以专门用来处理时间序列数据的模型。它可以关注到时间连续这一特性,从而从数据中提取相应的信息。典型的时序数据像:股价,天气,文本。

    下图是一个传统的神经网络:输入层——隐藏层——输出层。

    而RNN 跟传统神经网络最大的区别在于每次都会将前一次的输出结果,带到下一次的隐藏层中,一起训练 ,如下图所示

    接下来简单举个例子来说明RNN是如何工作的,假如我们要判断一个人说话的意图(问时间,问天气.....),比如用户说了一句“what time is it ?”,首先我们需要对这句话进行分词

     然后按照时间先后顺序输入RNN,首先我们将what输入RNN,得到输出“01”

     然后在按照顺序将time输入RNN,得到输出02,这时我们会发现前面输入的what对此时输入的time产生了影响,如图中隐藏层中有一般是黑色即是第一步输入what产生的影响

    以此类推,前面所有的输入都对未来的输出产生了影响,可以看到圆形隐藏层中包含了前面所有的颜色:

    当我们判断意图时,只需要在最后一层输入05,即可得出: 

    而RNN也具备明显的缺点 

    通过上面的例子,我们已经发现,短期的记忆影响较大(如橙色区域),但是长期的记忆影响就很小(如黑色和绿色区域),这就是 RNN 存在的短期记忆问题。

    1. RNN 有短期记忆问题,无法处理很长的输入序列
    2. 训练 RNN 需要投入极大的成本

    2.1循环核

     循环核具有记忆力,通过不同时刻的参数共享,实现对时间序列的信息提取。每个循环核具有多个记忆体,如上图中的多个小圆柱,。记忆体内存储着每个时刻的状态信息h_{t},这里的h_{t}=tanh(x_{t}w_{xh}+h_{t-1}w_{hh}+bh)。其中,w_{xh}w_{hh}为权重矩阵,bh为偏置矩阵,x_{t}为当前输入特征矩阵,h_{t-1}为记忆体上一时刻存储的状态信息,tanh为激活函数。

    当前时刻循环核的输出特征y_{t}=softmax(h_{t}w_{hy}+by),其中w_{hy}为权重矩阵、by为偏置、softmax为激活函数,其实就相当于一层全连接层。我们可以设定记忆体的个数从而改变记忆容量,当记忆体个数被指定、输入x_{t}输出y_{t}维度被指定,周围这些待训练参数的维度也就被限定了。在向前传播时,记忆体内存储的状态信息h_{t}在每个时刻都被刷新,而三个参数矩阵w_{xh}w_{hh}w_{hy}和两个偏置项bh、by自始至终都是固定不变的。在反向传播时,三个参数矩阵和两个偏置项由梯度下降法更新。

    2.2循环核按时间步展开

    将循环核按时间步展开,就是把循环核按照时间轴方向展开,可以得到如下图的形式。

     每个记忆体状态信息h_{t}被刷新,记忆体周围的参数矩阵和两个偏置项是固定不变的,我们训练优化的就是这些参数矩阵。训练完成后,使用效果最好的参数矩阵执行前向传播,然后输出预测结果。其实这和我们人类预测是一致的:我们脑中的记忆体每个时刻都根据当前的输入而更新;当前的预测推理是根据我们以往的知识积累用固化下来的“参数矩阵”进行的推理判断。

    可以看出,循环神经网络就是借助循环核实现时间特征提取后把提取到的信息送入全连接网络,从而实现联系数据的预测。

    2.3循环计算层:向输出方向生长

    在RNN中,每个循环核构成一层循环计算层,循环计算层的层数是向输出方向增长的。如下图,左图的网络中有一个循环核,构成了一层循环计算层;中图的网络中有两个循环核,构成了两层循环计算层;右图的网络有三个循环层,构成了三层循环计算层。其中,三个网络中每个循环核中记忆体的个数可以根据我们的需求任意指定。

     3.RNN训练

    得到RNN的前向传播结果后,和其他神经网络一样,需要定义损失函数,使用反向传播梯度下降算法训练模型。RNN唯一的区别在于:由于它每个时刻的节点都有可能一个输出,所以RNN的总损失为所有时刻(或部分时刻)上的损失和。

    3.1Tensorflow中实现循环计算层(简述)

    1. tf.keras.layers.SimpleRNN(
    2.     units,
    3.     activation='tanh',
    4.     return_sequences=False)

    (1)units:神经元个数即循环核中的记忆体的个数

    (2)activation:激活函数,默认为tanh

    (3)return_sequences:在输出序列中,返回最后时间步的输出值h_{t}还是返回全部时间步的输出。Ture返回全部时刻,如下图

    False返回最后时刻,如下图

     当下一层依然是RNN层,通常True,反之如果后面是Dense层,通常为False。

    (4)输入维度要求:三维张量(输入样本数,循环核时间展开步数,每个时间步输入特征个数)

    如下图,左图一共要送入RNN层两组数据,每组数据经过一个时间步就会得到一个输出结果,每个时间步送入三个数值,则输入循环层的数据维度就是[2,1,3];右图输入只有一组数据,分四个时间步送入送入循环层,每个时间步送入两个数值,则输入循环层的数据维度就是[1,4,2]。

     (5)输出维度:当return_sequenc=True,三维张量(输入样本数,循环核时间展开步数,本层的神经元个数);当return_sequenc=False,二维张量(输入样本数,本层的神经元个数)

    例:SimpleRNN(3,return_sequences=True),定义了一个具有三个记忆体的循环核,这个循环核会在每个时间步输出h_{t}

    3.2循环计算过程之1prel

    RNN最典型的应用就是利用历史数据预测下一时刻将发生什么,即根据以前见过的历史规律做预测。举一个简单的字母预测例子:输入一个字母预测下一个字母———输入a预测出b、输入b预测出c、输入c预测出d、输入d预测出a。计算机不认输字母,只能处理数字,所以我们需要对字母进行编码,这里采用One-Hot Encoding(也可采用其他的编码方式),编码结果如下所示

     假设输入x_{t}=[0,1,0,0,0],循环核中的参数矩阵为默认,其上一时刻的h_{t-1}=0,则其过程如下图所示

     4.实践

    4.1.用python实现单字母预测

    1. # -*- coding: utf-8 -*-
    2. # @Time : 2022/9/11 15:43
    3. # @Author : 中意灬
    4. # @FileName: 字母预测.py
    5. # @Software: PyCharm
    6. """第一步:导入相应的库"""
    7. import os.path
    8. import tensorflow as tf
    9. import matplotlib.pyplot as plt
    10. import numpy as np
    11. from tensorflow.keras.layers import Dense,SimpleRNN
    12. """第二步:准备数据集"""
    13. input_shape='abcde'
    14. w_to_id={'a':0,'b':1,'c':2,'d':3,'e':4}
    15. id_to_onehot={0:[1.,0.,0.,0.,0.],1:[0.,1.,0.,0.,0.],2:[0.,0.,1.,0.,0.],3:[0.,0.,0.,1.,0.],4:[0.,0.,0.,0.,1.]}
    16. id_to_w={0:'a',1:'b',2:'c',3:'d',4:'e'}
    17. x_train=[id_to_onehot[w_to_id['a']],id_to_onehot[w_to_id['b']],id_to_onehot[w_to_id['c']],id_to_onehot[w_to_id['d']],id_to_onehot[w_to_id['e']]]
    18. y_train=[w_to_id['b'],w_to_id['c'],w_to_id['d'],w_to_id['e'],w_to_id['a']]
    19. np.random.seed(3)
    20. np.random.shuffle(x_train)
    21. np.random.seed(3)
    22. np.random.shuffle(y_train)
    23. # 使x_train符合SimpleRNN输入要求:[送入样本数, 循环核时间展开步数, 每个时间步输入特征个数]。
    24. # 此处整个数据集送入,送入样本数为len(x_train);输入1个字母出结果,循环核时间展开步数为1; 表示为独热码有5个输入特征,每个时间步输入特征个数为5
    25. x_train=np.reshape(x_train,(len(x_train),1,5))
    26. y_train=np.array(y_train)
    27. """第三步:使用model.Sequential搭建神经网络结构"""
    28. model=tf.keras.Sequential([
    29. SimpleRNN(units=3,activation='tanh',return_sequences=False),
    30. Dense(5,activation='softmax')
    31. ])
    32. """第四步:使用model.compile配置训练参数"""
    33. model.compile(optimizer=tf.keras.optimizers.Adam(0.01),
    34. loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=False),
    35. metrics=['sparse_categorical_accuracy'])
    36. checkpoint_save_path="./checkpoint/rnn_onehot_1prel.ckpt"
    37. #回滚操作
    38. if os.path.exists(checkpoint_save_path+'.index'):
    39. print("========= loading the model ==========")
    40. model.load_weights(checkpoint_save_path)
    41. cp_callback=tf.keras.callbacks.ModelCheckpoint(filepath=checkpoint_save_path,
    42. save_weights_only=True,
    43. save_best_only=True,
    44. monitor='loss')#由于不存在测试集,所以我们只需要监测loss值即可
    45. """第五步:用model.fit训练模型"""
    46. history=model.fit(x_train,y_train,batch_size=32,epochs=50,callbacks=[cp_callback])
    47. #导出最优参数
    48. f=open('trainable_bariables.txt','w')
    49. f.write(str(model.trainable_variables))
    50. f.close()
    51. """第六步:使用model.summary打印网络结构"""
    52. model.summary()
    53. #绘制loss核acc曲线图
    54. plt.figure()
    55. plt.subplot(1,2,1)
    56. plt.plot(history.history["sparse_categorical_accuracy"],label='Train accuracy')
    57. plt.title('Train accuracy')
    58. plt.legend()
    59. plt.subplot(1,2,2)
    60. plt.plot(history.history['loss'],label='Train loss')
    61. plt.legend()
    62. plt.title('Train loss')
    63. plt.show()
    64. #预测
    65. preNum=int(input("请输入你要预测字母的数量:"))
    66. for i in range(preNum):
    67. alphabetl=input('请输入字母:')
    68. alphabet=[id_to_onehot[w_to_id[alphabetl]]]
    69. alphabet=np.reshape(alphabet,(1,1,5))
    70. result=model.predict([alphabet])
    71. pred=np.argmax(result,axis=1)
    72. pred=int(pred)
    73. print(alphabetl+'-->'+id_to_w[pred])

     4.2.用python实现多字母预测

    1. # -*- coding: utf-8 -*-
    2. # @Time : 2022/9/11 17:18
    3. # @Author : 中意灬
    4. # @FileName: 多字母预测.py
    5. # @Software: PyCharm
    6. """第一步:导入相关的库"""
    7. import os.path
    8. import numpy as np
    9. import tensorflow as tf
    10. from tensorflow.keras.layers import Dense,SimpleRNN
    11. from tensorflow.keras import Model
    12. import matplotlib.pyplot as plt
    13. """第二步:准备数据集"""
    14. input_word='abcde'
    15. w_to_id={'a':0,'b':1,'c':2,'d':3,'e':4}
    16. id_to_onehot={0:[1.,0.,0.,0.,0.],1:[0.,1.,0.,0.,0.],2:[0.,0.,1.,0.,0.],3:[0.,0.,0.,1.,0.],4:[0.,0.,0.,0.,1.]}
    17. id_to_w={0:'a',1:'b',2:'c',3:'d',4:'e'}
    18. x_train=[
    19. [id_to_onehot[w_to_id['a']],id_to_onehot[w_to_id['b']],id_to_onehot[w_to_id['c']],id_to_onehot[w_to_id['d']]],
    20. [id_to_onehot[w_to_id['b']],id_to_onehot[w_to_id['c']],id_to_onehot[w_to_id['d']],id_to_onehot[w_to_id['e']]],
    21. [id_to_onehot[w_to_id['c']],id_to_onehot[w_to_id['d']],id_to_onehot[w_to_id['e']],id_to_onehot[w_to_id['a']]],
    22. [id_to_onehot[w_to_id['d']],id_to_onehot[w_to_id['e']],id_to_onehot[w_to_id['a']],id_to_onehot[w_to_id['b']]],
    23. [id_to_onehot[w_to_id['e']],id_to_onehot[w_to_id['a']],id_to_onehot[w_to_id['b']],id_to_onehot[w_to_id['c']]]
    24. ]
    25. y_train=[w_to_id['e'],w_to_id['a'],w_to_id['b'],w_to_id['c'],w_to_id['d']]
    26. np.random.seed(3)
    27. np.random.shuffle(x_train)
    28. np.random.seed(3)
    29. np.random.shuffle(y_train)
    30. x_train=np.reshape(x_train,(len(x_train),4,5))
    31. y_train=np.array(y_train)
    32. """第三步:使用class搭建神经网络结构"""
    33. class prelModel(Model):
    34. def __init__(self):
    35. super(prelModel, self).__init__()
    36. self.c1=SimpleRNN(3,activation='tanh',return_sequences=False)
    37. self.d1=Dense(5,activation='softmax')
    38. def call(self,x):
    39. x=self.c1(x)
    40. x=self.d1(x)
    41. return x
    42. """第四步:使用model.compile配置训练参数"""
    43. model=prelModel()
    44. model.compile(
    45. optimizer=tf.keras.optimizers.Adam(0.01),
    46. loss='sparse_categorical_crossentropy',
    47. metrics=['sparse_categorical_accuracy']
    48. )
    49. #断点续训,回滚操作
    50. checkpoint_save_path='./checkpoint/rnn_onhot_4prel.ckpt'
    51. if os.path.exists(checkpoint_save_path+'.index'):
    52. print('==========load the model==========')
    53. model.load_weights(checkpoint_save_path)
    54. cp_callback=tf.keras.callbacks.ModelCheckpoint(filepath=checkpoint_save_path,
    55. save_weights_only=True,
    56. save_best_only=True,
    57. monitor='loss')
    58. """第五步:使用model.fit训练模型"""
    59. history=model.fit(x_train,y_train,batch_size=32,epochs=50,callbacks=[cp_callback])
    60. #保存参数
    61. file=open('./weights.txt','w')
    62. for v in model.trainable_variables:
    63. file.write(str(v.name)+'\n')
    64. file.write(str(v.shape)+'\n')
    65. file.write(str(v.numpy())+'\n')
    66. """第六步:使用model.summary打印网络结构"""
    67. model.summary()
    68. #绘制loss与accuray曲线
    69. plt.figure()
    70. plt.subplot(1,2,1)
    71. plt.plot(history.history['sparse_categorical_accuracy'],label='Train accuracy')
    72. plt.title('Train accuracy')
    73. plt.legend()
    74. plt.subplot(1,2,2)
    75. plt.plot(history.history['loss'],label="Train loss")
    76. plt.title('Train loss')
    77. plt.legend()
    78. plt.show()
    79. #预测
    80. preNum=int(input('输入你要预测的数量:'))
    81. for i in range(preNum):
    82. alphabet1=input('输入单词:')
    83. alphabet=[id_to_onehot[w_to_id[a]] for a in alphabet1]
    84. alphabet=np.reshape(alphabet,(1,4,5))
    85. result=model.predict(alphabet)
    86. pred=np.argmax(result,axis=1)
    87. pred=int(pred)
    88. print(alphabet1+'-->'+id_to_w[pred])

    4.3Embedding编码

    独热码:数据量大、过于稀疏,映射之间是独立的,没有表现出关联性

    Embedding:是一种单词编码方式,用低维向量实现了编码。这种编码通过神经网络训练优化,能表达出单词间的相关性。

    Tensorflow中的词向量空间编码层:

    1. tf.keras.layers.Embedding(
    2.     input_dim,
    3.     output_dim
    4. )

    input_dim:词汇表大小,编码一共要表示多少个单词

    output_dim:编码维度,编码一共要表示多少个单词

    输入维度:二维张量[送入样本,循环核时间展开步数]

    输出维度:三维张量[送入样本数,循环核时间展开步数,编码维度]

    例:tf.keras.layers.Embedding(100,3)。对数字1-100进行编码,词汇表大小就是100;每个自然数用三个数字表示,编码维度就是3;所以Embedding层的参数是100和3。比如数字[4] embedding 为[0.25,0.1,0.11]。 

    4.4用Embedding编码的方式实现字母预测

    1. # -*- coding: utf-8 -*-
    2. # @Time : 2022/9/12 14:00
    3. # @Author : 中意灬
    4. # @FileName: Embedding实现多字母预测.py
    5. # @Software: PyCharm
    6. """第1步:导入相关的库"""
    7. import os.path
    8. import tensorflow as tf
    9. import numpy as np
    10. from tensorflow.keras.layers import SimpleRNN,Dense,Embedding
    11. from tensorflow.keras import Model
    12. import matplotlib.pyplot as plt
    13. """第2步:准备数据集"""
    14. input_word='abcdefghijklmnopqrstuvwxyz'
    15. w_to_id={'a':0,'b':1,'c':2,'d':3,'e':4,'f':5,'g':6,'h':7,'i':8,'j':9,'k':10,'l':11,'m':12,'n':13,'o':14,
    16. 'p':15,'q':16,'r':17,'s':18,'t':19,'u':20,'v':21,'w':22,'x':23,'y':24,'z':25}
    17. training_set_scaled=[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25]
    18. x_train=[]
    19. y_train=[]
    20. for i in range(0,22):
    21. x_train.append(training_set_scaled[i:i+4])
    22. y_train.append(training_set_scaled[i+4])
    23. np.random.seed(3)
    24. np.random.shuffle(x_train)
    25. np.random.seed(3)
    26. np.random.shuffle(y_train)
    27. x_train=np.reshape(x_train,(len(x_train),4))#转换为送入embedding的格式
    28. y_train=np.array(y_train)
    29. """第3步:使用class搭建模型结构"""
    30. class prelModel(Model):
    31. def __init__(self):
    32. super(prelModel, self).__init__()
    33. self.e1=Embedding(26,2)
    34. self.r1=SimpleRNN(5,activation='tanh',return_sequences=False)
    35. self.d1=Dense(26,activation='softmax')
    36. def call(self,x):
    37. x=self.e1(x)
    38. x=self.r1(x)
    39. x=self.d1(x)
    40. return x
    41. """第4步:使用model.compile"""
    42. model=prelModel()
    43. model.compile(optimizer=tf.keras.optimizers.Adam(0.01),
    44. loss='sparse_categorical_crossentropy',
    45. metrics=['sparse_categorical_accuracy'])
    46. #断点续训
    47. checkpoint_save_path='./checkpoint/embedding_4prelRnn.ckpt'
    48. if os.path.exists(checkpoint_save_path+'.index'):
    49. print('==========load the model==========')
    50. model.load_weights(checkpoint_save_path)
    51. #回滚操作
    52. cp_callback=tf.keras.callbacks.ModelCheckpoint(filepath=checkpoint_save_path,
    53. save_weights_only=True,
    54. save_best_only=True,
    55. monitor='loss')
    56. """第5步:使用model.fit训练模型"""
    57. history=model.fit(x_train,y_train,batch_size=32,epochs=100,callbacks=[cp_callback])
    58. #保存参数
    59. file=open('./weights.txt','w')
    60. for v in model.trainable_variables:
    61. file.write(str(v.name)+'\n')
    62. file.write(str(v.shape)+'\n')
    63. file.write(str(v.numpy())+'\n')
    64. '''第6步:使用model.summary打印网络结构'''
    65. model.summary()
    66. #绘制loss与accuarcy去向
    67. plt.figure()
    68. plt.subplot(1,2,1)
    69. plt.plot(history.history['sparse_categorical_accuracy'],label='Train acc')
    70. plt.title('Train accuarcy')
    71. plt.legend()
    72. plt.subplot(1,2,2)
    73. plt.plot(history.history['loss'],label='Train loss')
    74. plt.title('Train loss')
    75. plt.legend()
    76. plt.show()
    77. #预测
    78. preNum=int(input('输入你要预测的数量:'))
    79. for i in range(preNum):
    80. alphabet1=input('输入单词:')
    81. alphabet=[w_to_id[a] for a in alphabet1]
    82. alphabet=np.reshape(alphabet,(1,4))
    83. result=model.predict(alphabet)
    84. pred=np.argmax(result,axis=1)
    85. pred=int(pred)
    86. print(alphabet1+'-->'+input_word[pred])

  • 相关阅读:
    ubuntu下使用vscode调试C++程序
    Flink-经典案例WordCount快速上手以及安装部署
    Python小技巧:轻松找到电脑里的隐藏图片!
    生物制药产业发展现状和趋势展望
    如何快速解决或避免EDI系统磁盘空间不足?
    Python逆向之 eval 函数解析,看着一篇就会了,案例掌房
    Xposed项目配置
    [面试直通版]数据库核心之DB,表,视图,事务与函数
    < 每日技巧: JavaScript代码优化 >
    629. K个逆序对数组--(每日一难phase2--days11)
  • 原文地址:https://blog.csdn.net/qq_55977554/article/details/126784068