• Python吴恩达深度学习作业23 -- 机器翻译(NMT)


    神经机器翻译

    你将建立一个神经机器翻译(NMT)模型,以将人类可读的日期(“25th of June, 2009”)转换为机器可读的日期(“2009-06-25”)。 你将使用注意力模型来完成此任务,注意力模型是序列模型中最复杂的序列之一。

    from keras.layers import Bidirectional, Concatenate, Permute, Dot, Input, LSTM, Multiply
    from keras.layers import RepeatVector, Dense, Activation, Lambda
    from keras.optimizers import Adam
    from keras.utils import to_categorical
    from keras.models import load_model, Model
    import keras.backend as K
    import numpy as np
    
    from faker import Faker
    import random
    from tqdm import tqdm
    from babel.dates import format_date
    from nmt_utils import *
    import matplotlib.pyplot as plt
    
    %matplotlib inline
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10
    • 11
    • 12
    • 13
    • 14
    • 15
    • 16
    Using TensorFlow backend.
    
    • 1

    1 将人类可读的日期转换成机器可读的日期

    你在此处构建的模型可用于将一种语言翻译成另一种语言,例如从英语翻译成印地语。但是,语言翻译需要大量的数据集,通常需要花费数天时间在GPU上进行训练。为了给你提供一个即使不使用大量数据集也可以试验这些模型的地方,我们将使用更简单的“日期转换”任务。

    网络讲以各种可能的格式输入日期(例如"the 29th of August 1958", “03/30/1968”, “24 JUNE 1987”),并将其转换为标准化的机器可读日期(例如"1958-08-29", “1968-03-30”, “1987-06-24”)。我们将让网络学习如何以通用的机器可读格式YYYY-MM-DD输出日期。

    查看nmtutils.py以查看所有格式。计算并弄清楚格式如何工作,之后你将需要应用这些知识。

    1.1 数据集

    我们将在10000个人类可读日期及其等效的标准化机器可读日期的数据集上训练模型。让我们运行以下单元格以加载数据集并打印一些示例。

    m = 10000
    dataset, human_vocab, machine_vocab, inv_machine_vocab = load_dataset(m)
    
    • 1
    • 2
    100%|█████████████████████████████████████████████████████████████████████████| 10000/10000 [00:00<00:00, 20149.61it/s]
    
    • 1
    dataset[:10]
    
    • 1
    [('9 may 1998', '1998-05-09'),
     ('10.11.19', '2019-11-10'),
     ('9/10/70', '1970-09-10'),
     ('saturday april 28 1990', '1990-04-28'),
     ('thursday january 26 1995', '1995-01-26'),
     ('monday march 7 1983', '1983-03-07'),
     ('sunday may 22 1988', '1988-05-22'),
     ('08 jul 2008', '2008-07-08'),
     ('8 sep 1999', '1999-09-08'),
     ('thursday january 1 1981', '1981-01-01')]
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10

    你已加载:

    • dataset :(人可读日期,机器可读日期)元组列表
    • human_vocab:python字典,将人类可读日期中使用的所有字符映射到整数索引
    • machine_vocab:python字典,将机器可读日期中使用的所有字符映射到整数索引。这些索引不一定与human_vocab一致。
    • inv_machine_vocab:machine_vocab的逆字典,从索引映射回字符。

    让我们预处理数据并将原始文本数据映射到索引值。我们还将使用Tx = 30(我们假设这是人类可读日期的最大长度;如果输入的时间更长,则必须截断它)和Ty = 10(因为“YYYY-MM-DD”为10个长字符)。

    Tx = 30
    Ty = 10
    X, Y, Xoh, Yoh = preprocess_data(dataset, human_vocab, machine_vocab, Tx, Ty)
    
    print("X.shape:", X.shape)
    print("Y.shape:", Y.shape)
    print("Xoh.shape:", Xoh.shape)
    print("Yoh.shape:", Yoh.shape)
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    X.shape: (10000, 30)
    Y.shape: (10000, 10)
    Xoh.shape: (10000, 30, 37)
    Yoh.shape: (10000, 10, 11)
    
    • 1
    • 2
    • 3
    • 4

    你现在拥有:

    • X:训练集中人类可读日期的处理版本,其中每个字符都由通过human_vocab映射到该字符的索引替换。每个日期都用特殊字符(< pad >)进一步填充为 T x T_x Tx值。X.shape = (m, Tx)
    • Y:训练集中机器可读日期的处理版本,其中每个字符都被映射为machine_vocab中映射到的索引替换。你应该具有Y.shape = (m, Ty)
    • Xoh:X的一个独热版本,由于human_vocab,将“1”条目的索引映射到该字符。Xoh.shape = (m, Tx, len(human_vocab))
    • Yoh:Y的一个独热版本,由于使用machine_vocab,因此将“1”条目的索引映射到了该字符。Yoh.shape = (m, Tx, len(machine_vocab))在这里,因为有11个字符(“-”以及0-9),所以len(machine_vocab) = 11。

    我们再看一些预处理训练集的示例。你可以在下面的单元格中随意使用index来查看数据集,并查看如何对source/target日期进行预处理。

    index = 0
    print("Source date:", dataset[index][0])
    print("Target date:", dataset[index][1])
    print()
    print("Source after preprocessing (indices):", X[index])
    print("Target after preprocessing (indices):", Y[index])
    print()
    print("Source after preprocessing (one-hot):\n", Xoh[index])
    print("Target after preprocessing (one-hot):\n", Yoh[index])
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    Source date: 9 may 1998
    Target date: 1998-05-09
    
    Source after preprocessing (indices): [12  0 24 13 34  0  4 12 12 11 36 36 36 36 36 36 36 36 36 36 36 36 36 36
     36 36 36 36 36 36]
    Target after preprocessing (indices): [ 2 10 10  9  0  1  6  0  1 10]
    
    Source after preprocessing (one-hot):
     [[0. 0. 0. ... 0. 0. 0.]
     [1. 0. 0. ... 0. 0. 0.]
     [0. 0. 0. ... 0. 0. 0.]
     ...
     [0. 0. 0. ... 0. 0. 1.]
     [0. 0. 0. ... 0. 0. 1.]
     [0. 0. 0. ... 0. 0. 1.]]
    Target after preprocessing (one-hot):
     [[0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0.]
     [0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1.]
     [0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1.]
     [0. 0. 0. 0. 0. 0. 0. 0. 0. 1. 0.]
     [1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.]
     [0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0.]
     [0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0.]
     [1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.]
     [0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0.]
     [0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1.]]
    
    • 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
    • 26

    2 带注意力机制的神经机器翻译

    如果你必须将一本书的段落从法语翻译为英语,则无需阅读整个段落然后关闭该书并进行翻译。即使在翻译过程中,你也会阅读/重新阅读并专注于与你所写下的英语部分相对应的法语段落部分。

    注意机制告诉神经机器翻译模型在任何步骤都应该注意到的地方。

    2.1 注意力机制

    在这一部分中,你将实现讲座视频中介绍的注意力机制。这是一个提醒你该模型如何工作的图。左图显示了注意力模型。右图显示了“注意”步骤用于计算注意变量 α ⟨ t , t ′ ⟩ \alpha^{\langle t, t' \rangle} αt,t,这些变量用于计算上下文变量 c o n t e x t ⟨ t ⟩ context^{\langle t \rangle} contextt输出中的每个时间步长( t = 1 , … , T y t=1, \ldots, T_y t=1,,Ty)。
    在这里插入图片描述
    在这里插入图片描述

    图1:带注意力机制的神经机器翻译

    你可能会注意到以下一些模型属性:

    • 此模型中有两个单独的LSTM(请参见左侧的图)。因为图片底部的一个是双向LSTM,并且在“注意力机制”之前出现,所以我们将其称为pre-attention Bi-LSTM。图表顶部的LSTM在注意力机制之后,因此我们将其称为post-attention LSTM。pre-attention Bi-LSTM经过 T x T_x Tx个时间步长;post-attention LSTM经过 T y T_y Ty个时间步长。
    • post-attention LSTM 从一个时间步长传递到下一个步长,传递 s ⟨ t ⟩ , c ⟨ t ⟩ s^{\langle t \rangle}, c^{\langle t \rangle} st,ct在讲座视频中,我们仅将基本RNN用于激活后序列模型,因此RNN输出激活捕获的状态 s ⟨ t ⟩ s^{\langle t\rangle} st。但是,由于我们在这里使用LSTM,因此LSTM既具有输出激活 s ⟨ t ⟩ s^{\langle t\rangle} st,也具有隐藏单元状态 c ⟨ t ⟩ c^{\langle t\rangle} ct。但是,与先前的文本生成示例(例如第1周的恐龙)不同,在此模型中,时间 t t t的激活后LSTM不会将特定的生成的 y ⟨ t − 1 ⟩ y^{\langle t-1 \rangle} yt1作为输入只需将 s ⟨ t ⟩ s^{\langle t\rangle} st c ⟨ t ⟩ c^{\langle t\rangle} ct作为输入。我们以这种方式设计了模型,因为(与相邻字符高度相关的语言生成不同),在YYYY-MM-DD日期中,上一个字符与下一个字符之间没有那么强的依赖性。
    • 我们使用 a ⟨ t ⟩ = [ a → ⟨ t ⟩ ; a ← ⟨ t ⟩ ] a^{\langle t \rangle} = [\overrightarrow{a}^{\langle t \rangle}; \overleftarrow{a}^{\langle t \rangle}] at=[a t;a t]表示pre-attention Bi-LSTM的正向和反向激活的串联。
    • 右图使用RepeatVector节点复制 s ⟨ t − 1 ⟩ s^{\langle t-1 \rangle} st1的值 T x T_x Tx次,然后使用Concatenation来连接 s ⟨ t − 1 ⟩ s^{\langle t-1 \rangle} st1 a ⟨ t ⟩ a^{\langle t \rangle} at来计算 e ⟨ t , t ′ ⟩ e^{\langle t, t'\rangle} et,t,,然后将其传递给softmax以计算 α ⟨ t , t ′ ⟩ \alpha^{\langle t, t' \rangle} αt,t。我们将在下面的Keras中说明如何使用RepeatVectorConcatenation

    让我们实现这个模型。你将从实现one_step_attention()model()两个函数开始:
    1. one_step_attention():在步骤 t t t中,给出Bi-LSTM的所有隐藏状态( [ a < 1 > , a < 2 > , . . . , a < T x > ] [a^{<1>},a^{<2>}, ..., a^{}] [a<1>,a<2>,...,a<Tx>])和第二个LSTM的先前隐藏状态( s < t − 1 > s^{} s<t1>),one_step_attention()将计算注意力权( [ α < t , 1 > , α < t , 2 > , . . . , α < t , T x > ] [\alpha^{},\alpha^{}, ..., \alpha^{}] [α<t,1>,α<t,2>,...,α<t,Tx>])并输出上下文向量(详细信息请参见图(右)): c o n t e x t < t > = ∑ t ′ = 0 T x α < t , t ′ > a < t ′ > (1) context^{} = \sum_{t' = 0}^{T_x} \alpha^{}a^{}\tag{1} context<t>=t=0Txα<t,t>a<t>(1)
    请注意,我们在此笔记本中将注意力表示为 c o n t e x t ⟨ t ⟩ context^{\langle t \rangle} contextt。在讲座视频中,上下文被表示为 c ⟨ t ⟩ c^{\langle t \rangle} ct,但在这里我们将其称为 c o n t e x t ⟨ t ⟩ context^{\langle t \rangle} contextt,以避免与(post-attention)LSTM内部记忆单元变量混淆,有时也称为 c ⟨ t ⟩ c^{\langle t \rangle} ct
    2. model():实现整个模型。它首先通过Bi-LSTM运行输入以获取 [ a < 1 > , a < 2 > , . . . , a < T x > ] [a^{<1>},a^{<2>}, ..., a^{}] [a<1>,a<2>,...,a<Tx>]然后,它调用one_step_attention() T y T_y Ty次(“for”循环)。在此循环的每次迭代中,它将计算出上下文向量 c < t > c^{} c<t>提供给第二个LSTM,并通过具有 s o f t m a x softmax softmax激活的密集层运行LSTM的输出,以生成预测 y ^ < t > \hat{y}^{} y^<t>

    练习:实现one_step_attention()。函数model()将使用for循环调用one_step_attention() T y T_y Ty中的层,重要的是所有 T y T_y Ty副本具有相同的权重。即,它不应该每次都重新初始化权重。换句话说,所有 T y T_y Ty步骤均应具有权重。这是在Keras中实现可共享权重的层的方法:

    1. 定义层对象(例如,作为全局变量)。
    2. 在传播输入时调用这些对象。

    我们已经将你需要的层定义为全局变量。请运行以下单元格以创建它们。请检查Keras文档以确保你了解这些层是什么:RepeatVector(), Concatenate(), Dense(), Activation(), Dot()

    # 将共享层定义为全局变量 
    repeator = RepeatVector(Tx)
    concatenator = Concatenate(axis=-1)
    densor1 = Dense(10, activation = "tanh")
    densor2 = Dense(1, activation = "relu")
    activator = Activation(softmax, name='attention_weights') # 在这个 notebook 我们正在使用自定义的 softmax(axis = 1)
    dotor = Dot(axes = 1)
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7

    现在你可以使用这些层来实现one_step_attention()。 为了通过这些层之一传播Keras张量对象X,请使用layer(X)(如果需要多个输入则使用layer([X,Y]))。ensor(X)将通过上面定义的Dense(1)层传播X。

    # GRADED FUNCTION: one_step_attention
    
    def one_step_attention(a, s_prev):
        """
        执行一步 attention: 输出一个上下文向量,输出作为注意力权重的点积计算的上下文向量
        "alphas"  Bi-LSTM的 隐藏状态 "a"
        
        参数:
        a --  Bi-LSTM的输出隐藏状态 numpy-array 维度 (m, Tx, 2*n_a)
        s_prev -- (post-attention) LSTM的前一个隐藏状态, numpy-array 维度(m, n_s)
        
        返回:
        context -- 上下文向量, 下一个(post-attetion) LSTM 单元的输入
        """
        
        # 使用 repeator 重复 s_prev 维度 (m, Tx, n_s) 这样你就可以将它与所有隐藏状态"a" 连接起来。 (≈ 1 line)
        s_prev = repeator(s_prev)
        # 使用 concatenator 在最后一个轴上连接 a 和 s_prev (≈ 1 line)
        concat = concatenator([a, s_prev])
        # 使用 densor1 传入参数 concat, 通过一个小的全连接神经网络来计算“中间能量”变量 e。(≈1 lines)
        e = densor1(concat)
        # 使用 densor2 传入参数 e , 通过一个小的全连接神经网络来计算“能量”变量 energies。(≈1 lines)
        energies = densor2(e)
        # 使用 activator 传入参数 "energies" 计算注意力权重 "alphas" (≈ 1 line)
        alphas = activator(energies)
        # 使用 dotor 传入参数 "alphas" 和 "a" 计算下一个((post-attention) LSTM 单元的上下文向量 (≈ 1 line)
        context = dotor([alphas, a])
        
        return context
    
    • 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
    • 26
    • 27
    • 28
    • 29

    在对model()函数进行编码之后,你将能够检查one_step_attention()的预期输出。

    练习:按照图2和上面的文字中的说明实现model()。再次,我们定义了全局层,这些全局层将共享将在model()中使用的权重。

    n_a = 32
    n_s = 64
    post_activation_LSTM_cell = LSTM(n_s, return_state = True)
    output_layer = Dense(len(machine_vocab), activation=softmax)
    
    • 1
    • 2
    • 3
    • 4

    现在你可以在for循环中使用这些层 T y T_y Ty次来生成输出,并且它们的参数将不会重新初始化。你将必须执行以下步骤:

    1. 将输入传播到BidirectionalLSTM
    2. 迭代 t = 0 , … , T y − 1 t = 0, \dots, T_y-1 t=0,,Ty1
      1. [ α < t , 1 > , α < t , 2 > , . . . , α < t , T x > ] [\alpha^{},\alpha^{}, ..., \alpha^{}] [α<t,1>,α<t,2>,...,α<t,Tx>] s < t − 1 > s^{} s<t1>上调用one_step_attention()以获取上下文向量 c o n t e x t < t > context^{} context<t>
      2. c o n t e x t < t > context^{} context<t>分配给post-attention LSTM单元。请记住,使用initial_state= [previous hidden state, previous cell state]传递此LSTM的前一个隐藏状态 s ⟨ t − 1 ⟩ s^{\langle t-1\rangle} st1和单元状态 c ⟨ t − 1 ⟩ c^{\langle t-1\rangle} ct1。取回新的隐藏状态 s < t > s^{} s<t>和新的单元状态 c < t > c^{} c<t>
      3. 将softmax层应用于 s < t > s^{} s<t>,获得输出。
      4. 通过将输出添加到输出列表中来保存输出。
    3. 创建你的Keras模型实例,它应该具有三个输入(“inputs”, s < 0 > s^{<0>} s<0> and c < 0 > c^{<0>} c<0>)并输出"outputs"列表。
    # GRADED FUNCTION: model
    
    def model(Tx, Ty, n_a, n_s, human_vocab_size, machine_vocab_size):
        """
        参数:
        Tx -- 输入序列的长度
        Ty -- 输出序列的长度
        n_a -- Bi-LSTM的隐藏状态大小
        n_s -- post-attention LSTM的隐藏状态大小
        human_vocab_size -- python字典 "human_vocab" 的大小
        machine_vocab_size -- python字典 "machine_vocab" 的大小
    
        返回:
        model -- Keras 模型实例
        """
        
        # 定义模型的输入,维度 (Tx,)
        # 定义 s0 和 c0, 初始化解码器 LSTM 的隐藏状态,维度 (n_s,)
        X = Input(shape=(Tx, human_vocab_size))
        s0 = Input(shape=(n_s,), name='s0')
        c0 = Input(shape=(n_s,), name='c0')
        s = s0
        c = c0
        
        # 初始化一个空的输出列表
        outputs = []
        
        
        # 第一步:定义 pre-attention Bi-LSTM。 记得使用 return_sequences=True. (≈ 1 line)
        a = Bidirectional(LSTM(n_a, return_sequences=True), input_shape=(m, Tx, n_a * 2))(X)
        
        # 第二步:迭代 Ty 步
        for t in range(Ty):
        
            # 第二步.A: 执行一步注意机制,得到在 t 步的上下文向量 (≈ 1 line)
            context = one_step_attention(a, s)
            
            # 第二步.B: 使用 post-attention LSTM 单元得到新的 "context" 
            # 别忘了使用: initial_state = [hidden state, cell state] (≈ 1 line)
            s, _, c = post_activation_LSTM_cell(context, initial_state=[s, c])
            
            # 第二步.C: 使用全连接层处理post-attention LSTM 的隐藏状态输出 (≈ 1 line)
            out = output_layer(s)
            
            # 第二步.D: 追加 "out" 到 "outputs" 列表 (≈ 1 line)
            outputs.append(out)
        
        # 第三步:创建模型实例,获取三个输入并返回输出列表。 (≈ 1 line)
        model = Model(inputs=[X, s0, c0], outputs=outputs)
            
        return model
    
    • 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
    • 26
    • 27
    • 28
    • 29
    • 30
    • 31
    • 32
    • 33
    • 34
    • 35
    • 36
    • 37
    • 38
    • 39
    • 40
    • 41
    • 42
    • 43
    • 44
    • 45
    • 46
    • 47
    • 48
    • 49
    • 50
    • 51

    运行以下单元以创建模型。

    model = model(Tx, Ty, n_a, n_s, len(human_vocab), len(machine_vocab))
    
    • 1
    WARNING:tensorflow:From d:\vr\virtual_environment\lib\site-packages\tensorflow_core\python\ops\resource_variable_ops.py:1630: calling BaseResourceVariable.__init__ (from tensorflow.python.ops.resource_variable_ops) with constraint is deprecated and will be removed in a future version.
    Instructions for updating:
    If using Keras pass *_constraint arguments to layers.
    
    • 1
    • 2
    • 3

    让我们获得模型的总结,以检查其是否与预期输出匹配。

    model.summary()
    
    • 1
    Model: "model_1"
    __________________________________________________________________________________________________
    Layer (type)                    Output Shape         Param #     Connected to                     
    ==================================================================================================
    input_1 (InputLayer)            (None, 30, 37)       0                                            
    __________________________________________________________________________________________________
    s0 (InputLayer)                 (None, 64)           0                                            
    __________________________________________________________________________________________________
    bidirectional_1 (Bidirectional) (None, 30, 64)       17920       input_1[0][0]                    
    __________________________________________________________________________________________________
    repeat_vector_1 (RepeatVector)  (None, 30, 64)       0           s0[0][0]                         
                                                                     lstm_1[0][0]                     
                                                                     lstm_1[1][0]                     
                                                                     lstm_1[2][0]                     
                                                                     lstm_1[3][0]                     
                                                                     lstm_1[4][0]                     
                                                                     lstm_1[5][0]                     
                                                                     lstm_1[6][0]                     
                                                                     lstm_1[7][0]                     
                                                                     lstm_1[8][0]                     
    __________________________________________________________________________________________________
    concatenate_1 (Concatenate)     (None, 30, 128)      0           bidirectional_1[0][0]            
                                                                     repeat_vector_1[0][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[1][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[2][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[3][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[4][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[5][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[6][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[7][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[8][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[9][0]            
    __________________________________________________________________________________________________
    dense_1 (Dense)                 (None, 30, 10)       1290        concatenate_1[0][0]              
                                                                     concatenate_1[1][0]              
                                                                     concatenate_1[2][0]              
                                                                     concatenate_1[3][0]              
                                                                     concatenate_1[4][0]              
                                                                     concatenate_1[5][0]              
                                                                     concatenate_1[6][0]              
                                                                     concatenate_1[7][0]              
                                                                     concatenate_1[8][0]              
                                                                     concatenate_1[9][0]              
    __________________________________________________________________________________________________
    dense_2 (Dense)                 (None, 30, 1)        11          dense_1[0][0]                    
                                                                     dense_1[1][0]                    
                                                                     dense_1[2][0]                    
                                                                     dense_1[3][0]                    
                                                                     dense_1[4][0]                    
                                                                     dense_1[5][0]                    
                                                                     dense_1[6][0]                    
                                                                     dense_1[7][0]                    
                                                                     dense_1[8][0]                    
                                                                     dense_1[9][0]                    
    __________________________________________________________________________________________________
    attention_weights (Activation)  (None, 30, 1)        0           dense_2[0][0]                    
                                                                     dense_2[1][0]                    
                                                                     dense_2[2][0]                    
                                                                     dense_2[3][0]                    
                                                                     dense_2[4][0]                    
                                                                     dense_2[5][0]                    
                                                                     dense_2[6][0]                    
                                                                     dense_2[7][0]                    
                                                                     dense_2[8][0]                    
                                                                     dense_2[9][0]                    
    __________________________________________________________________________________________________
    dot_1 (Dot)                     (None, 1, 64)        0           attention_weights[0][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[1][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[2][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[3][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[4][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[5][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[6][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[7][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[8][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[9][0]          
                                                                     bidirectional_1[0][0]            
    __________________________________________________________________________________________________
    c0 (InputLayer)                 (None, 64)           0                                            
    __________________________________________________________________________________________________
    lstm_1 (LSTM)                   [(None, 64), (None,  33024       dot_1[0][0]                      
                                                                     s0[0][0]                         
                                                                     c0[0][0]                         
                                                                     dot_1[1][0]                      
                                                                     lstm_1[0][0]                     
                                                                     lstm_1[0][2]                     
                                                                     dot_1[2][0]                      
                                                                     lstm_1[1][0]                     
                                                                     lstm_1[1][2]                     
                                                                     dot_1[3][0]                      
                                                                     lstm_1[2][0]                     
                                                                     lstm_1[2][2]                     
                                                                     dot_1[4][0]                      
                                                                     lstm_1[3][0]                     
                                                                     lstm_1[3][2]                     
                                                                     dot_1[5][0]                      
                                                                     lstm_1[4][0]                     
                                                                     lstm_1[4][2]                     
                                                                     dot_1[6][0]                      
                                                                     lstm_1[5][0]                     
                                                                     lstm_1[5][2]                     
                                                                     dot_1[7][0]                      
                                                                     lstm_1[6][0]                     
                                                                     lstm_1[6][2]                     
                                                                     dot_1[8][0]                      
                                                                     lstm_1[7][0]                     
                                                                     lstm_1[7][2]                     
                                                                     dot_1[9][0]                      
                                                                     lstm_1[8][0]                     
                                                                     lstm_1[8][2]                     
    __________________________________________________________________________________________________
    dense_3 (Dense)                 (None, 11)           715         lstm_1[0][0]                     
                                                                     lstm_1[1][0]                     
                                                                     lstm_1[2][0]                     
                                                                     lstm_1[3][0]                     
                                                                     lstm_1[4][0]                     
                                                                     lstm_1[5][0]                     
                                                                     lstm_1[6][0]                     
                                                                     lstm_1[7][0]                     
                                                                     lstm_1[8][0]                     
                                                                     lstm_1[9][0]                     
    ==================================================================================================
    Total params: 52,960
    Trainable params: 52,960
    Non-trainable params: 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
    • 26
    • 27
    • 28
    • 29
    • 30
    • 31
    • 32
    • 33
    • 34
    • 35
    • 36
    • 37
    • 38
    • 39
    • 40
    • 41
    • 42
    • 43
    • 44
    • 45
    • 46
    • 47
    • 48
    • 49
    • 50
    • 51
    • 52
    • 53
    • 54
    • 55
    • 56
    • 57
    • 58
    • 59
    • 60
    • 61
    • 62
    • 63
    • 64
    • 65
    • 66
    • 67
    • 68
    • 69
    • 70
    • 71
    • 72
    • 73
    • 74
    • 75
    • 76
    • 77
    • 78
    • 79
    • 80
    • 81
    • 82
    • 83
    • 84
    • 85
    • 86
    • 87
    • 88
    • 89
    • 90
    • 91
    • 92
    • 93
    • 94
    • 95
    • 96
    • 97
    • 98
    • 99
    • 100
    • 101
    • 102
    • 103
    • 104
    • 105
    • 106
    • 107
    • 108
    • 109
    • 110
    • 111
    • 112
    • 113
    • 114
    • 115
    • 116
    • 117
    • 118
    • 119
    • 120
    • 121
    • 122
    • 123
    • 124
    • 125
    • 126
    • 127
    • 128
    • 129
    • 130
    • 131
    • 132
    • 133
    • 134
    • 135
    • 136
    • 137
    • 138
    • 139
    • 140
    • 141
    • 142
    • 143
    • 144

    与往常一样,在Keras中创建模型后,你需要对其进行编译并定义要使用的损失,优化器和评价指标。 使用categorical_crossentropy损失,自定义Adamoptimizer(learning rate = 0.005, β 1 = 0.9 \beta_1 = 0.9 β1=0.9, β 2 = 0.999 \beta_2 = 0.999 β2=0.999, decay = 0.01)和['accuracy']指标:

    ### START CODE HERE ### (≈2 lines)
    opt = Adam(lr=0.005, beta_1=0.9, beta_2=0.999, decay=0.01)
    model.compile(loss='categorical_crossentropy', optimizer=opt, metrics=['accuracy'])
    ### END CODE HERE ###
    
    • 1
    • 2
    • 3
    • 4

    最后一步是定义所有输入和输出以适合模型:

    • 你已经拥有包含训练示例的维度为 ( m = 10000 , T x = 30 ) (m = 10000, T_x = 30) (m=10000,Tx=30)的X。
    • 你需要创建s0c0以将你的post_activation_LSTM_cell初始化为0。
    • 根据你编码的model(),你需要"outputs"作为11个维度元素 ( m , T y ) (m,T_y) (mTy)的列表。因此:outputs[i][0], ..., outputs[i][Ty]代表与训练示例(X[i])。更一般而言, outputs[i][j] i t h i^{th} ith训练示例中 j t h j^{th} jth字符的真实标签。
    s0 = np.zeros((m, n_s))
    c0 = np.zeros((m, n_s))
    outputs = list(Yoh.swapaxes(0,1))
    
    • 1
    • 2
    • 3

    现在让我们拟合模型并运行一个epoch。

    model.fit([Xoh, s0, c0], outputs, epochs=1, batch_size=100)
    
    • 1
    WARNING:tensorflow:From d:\vr\virtual_environment\lib\site-packages\keras\backend\tensorflow_backend.py:422: The name tf.global_variables is deprecated. Please use tf.compat.v1.global_variables instead.
    
    Epoch 1/1
    10000/10000 [==============================] - 10s 974us/step - loss: 16.9091 - dense_3_loss: 2.6079 - dense_3_accuracy: 0.5427 - dense_3_accuracy_1: 0.6577 - dense_3_accuracy_2: 0.2775 - dense_3_accuracy_3: 0.0766 - dense_3_accuracy_4: 0.9821 - dense_3_accuracy_5: 0.3126 - dense_3_accuracy_6: 0.0482 - dense_3_accuracy_7: 0.9545 - dense_3_accuracy_8: 0.2243 - dense_3_accuracy_9: 0.0955
    
    
    
    
    
    
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10

    训练时,你可以看到输出的10个位置中的每个位置的损失以及准确性。下表为你提供了一个示例,说明该批次有2个示例时的精确度:
    在这里插入图片描述

    因此,dense_2_acc_8: 0.89意味着你在当前数据批次中有89%的时间正确预测了输出的第7个字符。

    我们对该模型运行了更长的时间,并节省了权重。运行下一个单元格以加载我们的体重。(通过训练模型几分钟,你应该可以获得准确度相似的模型,但是加载我们的模型可以节省你的时间。)

    model.load_weights('models/model.h5')
    
    • 1

    现在,你可以在新示例中查看结果。

    EXAMPLES = ['3 May 1979', '5 April 09', '21th of August 2016', 'Tue 10 Jul 2007', 'Saturday May 9 2018', 'March 3 2001', 'March 3rd 2001', '1 March 2001']
    for example in EXAMPLES:
        
        source = string_to_int(example, Tx, human_vocab)
        source = np.array(list(map(lambda x: to_categorical(x, num_classes=len(human_vocab)), source)))
        prediction = model.predict([[source], s0, c0])
        prediction = np.argmax(prediction, axis = -1)
        output = [inv_machine_vocab[int(i)] for i in prediction]
        
        print("source:", example)
        print("output:", ''.join(output))
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10
    • 11
    source: 3 May 1979
    output: 1979-05-33
    source: 5 April 09
    output: 2009-04-05
    source: 21th of August 2016
    output: 2016-08-20
    source: Tue 10 Jul 2007
    output: 2007-07-10
    source: Saturday May 9 2018
    output: 2018-05-09
    source: March 3 2001
    output: 2001-03-03
    source: March 3rd 2001
    output: 2001-03-03
    source: 1 March 2001
    output: 2001-03-01
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10
    • 11
    • 12
    • 13
    • 14
    • 15
    • 16

    你也可以更改这些示例,以使用自己的示例进行测试。下一部分将使你更好地了解注意力机制的作用-即生成特定输出字符时网络要注意的输入部分。

    3 可视化注意力

    由于问题的输出长度固定为10,因此还可以使用10个不同的softmax单元来执行此任务,以生成10个字符的输出。但是注意力模型的一个优点是输出的每个部分(例如月份)都知道它只需要依赖输入的一小部分(输入中代表月份的字符)。我们可以可视化输出的哪一部分正在查看输入的哪一部分。

    考虑将"Saturday 9 May 2018"转换为"2018-05-09"的任务。如果我们可视化计算出的 α ⟨ t , t ′ ⟩ \alpha^{\langle t, t' \rangle} αt,t,我们将得到:

    在这里插入图片描述

    图8: 完整的注意图
    注意输出如何忽略输入的"Saturday"部分。没有一个输出时间步长关注输入的那部分。我们还看到9已被翻译为09,May已被正确翻译为05,而输出则注意进行翻译所需的部分输入。该年份主要要求它注意输入的“18”以生成“2018”。

    3.1 从网络获取激活

    现在让我们可视化你网络中的注意力值。我们将通过网络传播一个示例,然后可视化 α ⟨ t , t ′ ⟩ \alpha^{\langle t, t' \rangle} αt,t的值。

    为了弄清注意值的位置,让我们开始打印模型摘要。

    model.summary()
    
    • 1
    Model: "model_1"
    __________________________________________________________________________________________________
    Layer (type)                    Output Shape         Param #     Connected to                     
    ==================================================================================================
    input_1 (InputLayer)            (None, 30, 37)       0                                            
    __________________________________________________________________________________________________
    s0 (InputLayer)                 (None, 64)           0                                            
    __________________________________________________________________________________________________
    bidirectional_1 (Bidirectional) (None, 30, 64)       17920       input_1[0][0]                    
    __________________________________________________________________________________________________
    repeat_vector_1 (RepeatVector)  (None, 30, 64)       0           s0[0][0]                         
                                                                     lstm_1[0][0]                     
                                                                     lstm_1[1][0]                     
                                                                     lstm_1[2][0]                     
                                                                     lstm_1[3][0]                     
                                                                     lstm_1[4][0]                     
                                                                     lstm_1[5][0]                     
                                                                     lstm_1[6][0]                     
                                                                     lstm_1[7][0]                     
                                                                     lstm_1[8][0]                     
    __________________________________________________________________________________________________
    concatenate_1 (Concatenate)     (None, 30, 128)      0           bidirectional_1[0][0]            
                                                                     repeat_vector_1[0][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[1][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[2][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[3][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[4][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[5][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[6][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[7][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[8][0]            
                                                                     bidirectional_1[0][0]            
                                                                     repeat_vector_1[9][0]            
    __________________________________________________________________________________________________
    dense_1 (Dense)                 (None, 30, 10)       1290        concatenate_1[0][0]              
                                                                     concatenate_1[1][0]              
                                                                     concatenate_1[2][0]              
                                                                     concatenate_1[3][0]              
                                                                     concatenate_1[4][0]              
                                                                     concatenate_1[5][0]              
                                                                     concatenate_1[6][0]              
                                                                     concatenate_1[7][0]              
                                                                     concatenate_1[8][0]              
                                                                     concatenate_1[9][0]              
    __________________________________________________________________________________________________
    dense_2 (Dense)                 (None, 30, 1)        11          dense_1[0][0]                    
                                                                     dense_1[1][0]                    
                                                                     dense_1[2][0]                    
                                                                     dense_1[3][0]                    
                                                                     dense_1[4][0]                    
                                                                     dense_1[5][0]                    
                                                                     dense_1[6][0]                    
                                                                     dense_1[7][0]                    
                                                                     dense_1[8][0]                    
                                                                     dense_1[9][0]                    
    __________________________________________________________________________________________________
    attention_weights (Activation)  (None, 30, 1)        0           dense_2[0][0]                    
                                                                     dense_2[1][0]                    
                                                                     dense_2[2][0]                    
                                                                     dense_2[3][0]                    
                                                                     dense_2[4][0]                    
                                                                     dense_2[5][0]                    
                                                                     dense_2[6][0]                    
                                                                     dense_2[7][0]                    
                                                                     dense_2[8][0]                    
                                                                     dense_2[9][0]                    
    __________________________________________________________________________________________________
    dot_1 (Dot)                     (None, 1, 64)        0           attention_weights[0][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[1][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[2][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[3][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[4][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[5][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[6][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[7][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[8][0]          
                                                                     bidirectional_1[0][0]            
                                                                     attention_weights[9][0]          
                                                                     bidirectional_1[0][0]            
    __________________________________________________________________________________________________
    c0 (InputLayer)                 (None, 64)           0                                            
    __________________________________________________________________________________________________
    lstm_1 (LSTM)                   [(None, 64), (None,  33024       dot_1[0][0]                      
                                                                     s0[0][0]                         
                                                                     c0[0][0]                         
                                                                     dot_1[1][0]                      
                                                                     lstm_1[0][0]                     
                                                                     lstm_1[0][2]                     
                                                                     dot_1[2][0]                      
                                                                     lstm_1[1][0]                     
                                                                     lstm_1[1][2]                     
                                                                     dot_1[3][0]                      
                                                                     lstm_1[2][0]                     
                                                                     lstm_1[2][2]                     
                                                                     dot_1[4][0]                      
                                                                     lstm_1[3][0]                     
                                                                     lstm_1[3][2]                     
                                                                     dot_1[5][0]                      
                                                                     lstm_1[4][0]                     
                                                                     lstm_1[4][2]                     
                                                                     dot_1[6][0]                      
                                                                     lstm_1[5][0]                     
                                                                     lstm_1[5][2]                     
                                                                     dot_1[7][0]                      
                                                                     lstm_1[6][0]                     
                                                                     lstm_1[6][2]                     
                                                                     dot_1[8][0]                      
                                                                     lstm_1[7][0]                     
                                                                     lstm_1[7][2]                     
                                                                     dot_1[9][0]                      
                                                                     lstm_1[8][0]                     
                                                                     lstm_1[8][2]                     
    __________________________________________________________________________________________________
    dense_3 (Dense)                 (None, 11)           715         lstm_1[0][0]                     
                                                                     lstm_1[1][0]                     
                                                                     lstm_1[2][0]                     
                                                                     lstm_1[3][0]                     
                                                                     lstm_1[4][0]                     
                                                                     lstm_1[5][0]                     
                                                                     lstm_1[6][0]                     
                                                                     lstm_1[7][0]                     
                                                                     lstm_1[8][0]                     
                                                                     lstm_1[9][0]                     
    ==================================================================================================
    Total params: 52,960
    Trainable params: 52,960
    Non-trainable params: 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
    • 26
    • 27
    • 28
    • 29
    • 30
    • 31
    • 32
    • 33
    • 34
    • 35
    • 36
    • 37
    • 38
    • 39
    • 40
    • 41
    • 42
    • 43
    • 44
    • 45
    • 46
    • 47
    • 48
    • 49
    • 50
    • 51
    • 52
    • 53
    • 54
    • 55
    • 56
    • 57
    • 58
    • 59
    • 60
    • 61
    • 62
    • 63
    • 64
    • 65
    • 66
    • 67
    • 68
    • 69
    • 70
    • 71
    • 72
    • 73
    • 74
    • 75
    • 76
    • 77
    • 78
    • 79
    • 80
    • 81
    • 82
    • 83
    • 84
    • 85
    • 86
    • 87
    • 88
    • 89
    • 90
    • 91
    • 92
    • 93
    • 94
    • 95
    • 96
    • 97
    • 98
    • 99
    • 100
    • 101
    • 102
    • 103
    • 104
    • 105
    • 106
    • 107
    • 108
    • 109
    • 110
    • 111
    • 112
    • 113
    • 114
    • 115
    • 116
    • 117
    • 118
    • 119
    • 120
    • 121
    • 122
    • 123
    • 124
    • 125
    • 126
    • 127
    • 128
    • 129
    • 130
    • 131
    • 132
    • 133
    • 134
    • 135
    • 136
    • 137
    • 138
    • 139
    • 140
    • 141
    • 142
    • 143
    • 144

    浏览上面的model.summary()的输出。你可以看到,在每个时间步dot_2计算 t = 0 , … , T y − 1 t = 0, \ldots, T_y-1 t=0,,Ty1上下文向量之前,名为attention_weights的层都会输出维度为 ( m , 30 , 1 ) (m, 30, 1) (m,30,1)alphas。让我们从该层获取激活。

    函数attention_map()从模型中提取注意力值并绘制它们。

    attention_map = plot_attention_map(model, human_vocab, inv_machine_vocab, "Tuesday 09 Oct 1993", num = 7, n_s = 64)
    
    • 1
    • 1

    在这里插入图片描述

    在生成的图上,你可以观察预测输出的每个字符的注意权重值。检查此图,并检查网络对你的关注是否有意义。

    在日期转换应用程序中,你会发现大部分时间的注意力都有助于预测年份,并且对预测日期/月份没有太大影响。

    这是你在此笔记本中应记住的内容

    • 机器翻译模型可用于从一个序列映射到另一个序列。它们不仅对翻译人类语言(如法语->英语)有用,而且对日期格式翻译等任务也很有用。
    • 注意机制允许网络在产生输出的特定部分时将注意力集中在输入的最相关部分。
    • 使用注意力机制的网络可以将长度为 T x T_x Tx的输入转换为长度为 T y T_y Ty的输出,其中 T x T_x Tx T y T_y Ty可以不同。
    • 你可以可视化注意权重 α ⟨ t , t ′ ⟩ \alpha^{\langle t,t' \rangle} αt,t,以查看网络在生成每个输出时要注意的内容。
  • 相关阅读:
    【花雕体验】12 搭建ESP32C3之Arduino开发环境
    时序预测 | MATLAB实现WOA-CNN-LSTM-Attention时间序列预测(SE注意力机制)
    Linux拷贝查找和压缩文件
    MATLAB编程:绘制折线图 以及 画图的一些小技巧
    Abaqus2023新功能:分析技术
    Pytorch从零开始实战03
    Spring Security权限管理
    洞察行业趋势:2024年平台工程预测
    Windows服务器配置证书
    SpringCloud + SpringGateway 解决Get请求传参为特殊字符导致400无法通过网关转发的问题
  • 原文地址:https://blog.csdn.net/qq_41476257/article/details/126124241