zoukankan      html  css  js  c++  java
  • 课程五(Sequence Models),第三周(Sequence models & Attention mechanism) —— 1.Programming assignments:Neural Machine Translation with Attention

    Neural Machine Translation

    Welcome to your first programming assignment for this week!

    You will build a Neural Machine Translation (NMT) model to translate human readable dates ("25th of June, 2009") into machine readable dates ("2009-06-25"). You will do this using an attention model, one of the most sophisticated sequence to sequence models.

    This notebook was produced together with NVIDIA's Deep Learning Institute.

    Let's load all the packages you will need for this assignmen.

    【code】

    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 - Translating human readable dates into machine readable dates

    The model you will build here could be used to translate from one language to another, such as translating from English to Hindi. However, language translation requires massive datasets and usually takes days of training on GPUs. To give you a place to experiment with these models even without using massive datasets, we will instead use a simpler "date translation" task.

    The network will input a date written in a variety of possible formats (e.g. "the 29th of August 1958", "03/30/1968", "24 JUNE 1987") and translate them into standardized, machine readable dates (e.g. "1958-08-29", "1968-03-30", "1987-06-24"). We will have the network learn to output dates in the common machine-readable format YYYY-MM-DD.

    1.1 - Dataset

    We will train the model on a dataset of 10000 human readable dates and their equivalent, standardized, machine readable dates. Let's run the following cells to load the dataset and print some examples.

    【code】

    m = 10000
    dataset, human_vocab, machine_vocab, inv_machine_vocab = load_dataset(m)
    
    dataset[:10]
    

    【result】

    [('9 may 1998', '1998-05-09'),
     ('10.09.70', '1970-09-10'),
     ('4/28/90', '1990-04-28'),
     ('thursday january 26 1995', '1995-01-26'),
     ('monday march 7 1983', '1983-03-07'),
     ('sunday may 22 1988', '1988-05-22'),
     ('tuesday july 8 2008', '2008-07-08'),
     ('08 sep 1999', '1999-09-08'),
     ('1 jan 1981', '1981-01-01'),
     ('monday may 22 1995', '1995-05-22')]
    

    You've loaded:

    • dataset: a list of tuples of (human readable date, machine readable date)
    • human_vocab: a python dictionary mapping all characters used in the human readable dates to an integer-valued index
    • machine_vocab: a python dictionary mapping all characters used in machine readable dates to an integer-valued index. These indices are not necessarily consistent with human_vocab.
    • inv_machine_vocab: the inverse dictionary of machine_vocab, mapping from indices back to characters.

    Let's preprocess the data and map the raw text data into the index values. We will also use Tx=30 (which we assume is the maximum length of the human readable date; if we get a longer input, we would have to truncate it) and Ty=10 (since "YYYY-MM-DD" is 10 characters long).

    【中文翻译】

    您已加载:

    dataset: (人类可读日期, 机器可读日期) 的元组列表
    human_vocab: python 字典将人类可读日期中使用的所有字符映射为整数值索引
    machine_vocab: python 字典将机器可读日期中使用的所有字符映射到整数值索引。这些指数不一定与 human_vocab 一致。
    inv_machine_vocab: machine_vocab 的逆字典, 从索引返回到字符的映射。
    让我们对数据进行预处理, 并将原始文本数据映射到索引值中。我们也将使用 Tx=30 (我们假设是人类可读日期的最大长度; 如果我们得到一个更长的输入, 我们将不得不截断它) 和 Ty=10 (因为 "YYYY-MM-DD" 是10个字符长)。

    【code】

    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)
    

    【result】

    X.shape: (10000, 30)
    Y.shape: (10000, 10)
    Xoh.shape: (10000, 30, 37)
    Yoh.shape: (10000, 10, 11)
    

    You now have:

    • X: a processed version of the human readable dates in the training set, where each character is replaced by an index mapped to the character via human_vocab. Each date is further padded to Tx values with a special character (< pad >). X.shape = (m, Tx)
    • Y: a processed version of the machine readable dates in the training set, where each character is replaced by the index it is mapped to in machine_vocab. You should have Y.shape = (m, Ty).
    • Xoh: one-hot version of X, the "1" entry's index is mapped to the character thanks to human_vocabXoh.shape = (m, Tx, len(human_vocab))
    • Yoh: one-hot version of Y, the "1" entry's index is mapped to the character thanks to machine_vocabYoh.shape = (m, Tx, len(machine_vocab)). Here, len(machine_vocab) = 11 since there are 11 characters ('-' as well as 0-9).

    【中文翻译】

    您现在有:

    X: 训练集中的被人可读的日期的一个经过处理的版本, 其中每个字符都由通过 human_vocab 映射到该字符的索引替换。将每个日期进一步由特殊字符 (< pad >)填充为Tx 长度。X.shape = (m, Tx)
    Y: 在训练集中的被机器可读的日期的一个经过处理的版本, 其中每个字符被由映射到 machine_vocab 中的索引替换。Y.shape = (m, Ty)。
    Xoh: one-hot版本的 X,  "1 " 条目的索引映射到字符, 多亏了  human_vocabXoh.shape = (m, Tx, len(human_vocab))
    Yoh: ne-hot版本的 Y, "1 " 条目的索引被映射到字符, 多亏了 machine_vocabYoh.shape = (m, Tx, len(machine_vocab))。这里, len (machine_vocab) = 11, 因为有11个字符 ('-' 并且 0-9)。

    Lets also look at some examples of preprocessed training examples. Feel free to play with index in the cell below to navigate the dataset and see how source/target dates are preprocessed.

    【code】

    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):", Xoh[index])
    print("Target after preprocessing (one-hot):", Yoh[index])
    

    【result】

    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.]]
    

    2 - Neural machine translation with attention

    If you had to translate a book's paragraph from French to English, you would not read the whole paragraph, then close the book and translate. Even during the translation process, you would read/re-read and focus on the parts of the French paragraph corresponding to the parts of the English you are writing down.

    The attention mechanism tells a Neural Machine Translation model where it should pay attention to at any step.

    【中文翻译】

    2- 注意力机制的神经网络的机器翻译
    如果你必须把一本书的段落从法语翻译成英语, 你不会读完整个段落, 然后把书合上并翻译。即使在翻译过程中, 你也会阅读/重新阅读和关注与你写下的英语部分相应的法语段落部分。

    attention机制告诉一个神经网络的机器翻译模型, 在每一步它应该注意什么。

    2.1 - Attention mechanism

    In this part, you will implement the attention mechanism presented in the lecture videos. Here is a figure to remind you how the model works. The diagram on the left shows the attention model. The diagram on the right shows what one "Attention" step does to calculate the attention variables αt,t, which are used to compute the context variable contextt for each timestep in the output (t=1,,Ty).

                                  Figure 1: Neural machine translation with attention

    Here are some properties of the model that you may notice:

    • There are two separate LSTMs in this model (see diagram on the left). Because the one at the bottom of the picture is a Bi-directional LSTM and comes before the attention mechanism, we will call it pre-attention Bi-LSTM. The LSTM at the top of the diagram comes after the attention mechanism, so we will call it the post-attention LSTM. The pre-attention Bi-LSTM goes through Tx time steps; the post-attention LSTM goes through Ty time steps.

    • The post-attention LSTM passes st,ct from one time step to the next. In the lecture videos, we were using only a basic RNN for the post-activation sequence model, so the state captured by the RNN output activations st. But since we are using an LSTM here, the LSTM has both the output activation st and the hidden cell state ct. However, unlike previous text generation examples (such as Dinosaurus in week 1), in this model the post-activation LSTM at time t does will not take the specific generated yt1 as input; it only takes st and ct⟩ as input. We have designed the model this way, because (unlike language generation where adjacent characters are highly correlated) there isn't as strong a dependency between the previous character and the next character in a YYYY-MM-DD date.

    • We use to represent the concatenation of the activations of both the forward-direction and backward-directions of the pre-attention Bi-LSTM.

    • The diagram on the right uses a RepeatVector node to copy st1's value Tx times, and then Concatenation to concatenate st1 and at to compute et,t′⟩, which is then passed through a softmax to compute αt,t. We'll explain how to use RepeatVector and Concatenation in Keras below.

    【中文翻译】

    下面是您可能注意到的模型的一些属性:

    • 此模型中有两个单独的 LSTMs (请参见左侧的图示)。因为在图片底部的一个是双向 LSTM, 并出现在attention机制之前, 所以我们将它称为 "pre-attention Bi-LSTM"。在图的顶端的LSTM 是在attention机制之后, 所以我们将它称为post-attention LSTM。The pre-attention Bi-LSTM通过 Tx时间步骤;the post-attention LSTM 通过 Ty 时间步骤。
    • The post-attention LSTM通过 st,ct从一个时间步骤到下一个。在讲座视频中, 我们只使用了the post-activation sequence model的基本 RNN, 因此 RNN 输出激活 st捕获的状态。但是, 由于我们在这里使用的 LSTM, LSTM 有输出激活 st和隐藏的细胞状态 ct。但是, 与以前的文本生成示例 (如1周中的 Dinosaurus) 不同, 在这个模型中, the post-activation LSTM在t时刻将不会被 yt1 作为输入;它只需要 st 和 ct作为输入。我们用这种方式设计了这个模型, 因为 (与相邻字符高度关联的语言生成不同), 以前的字符和在一个日期内的下一个字符之间没有太强的依赖性。
    • 我们使用来表示the pre-attention Bi-LSTM的向前方向和向后方向的激活的串联。
    • 右侧的关系图使用 RepeatVector 节点复制st1的值 Tx次, 然后串联以连接 st1 和 at以计算 et,t′⟩, 然后通过 softmax 传递来计算αt,t。我们将在下面的 Keras中解释如何使用 RepeatVector 和串联。

      

    Lets implement this model. You will start by implementing two functions: one_step_attention() and model().

    1) one_step_attention(): At step t, given all the hidden states of the Bi-LSTM ([a<1>,a<2>,...,a<Tx>]) and the previous hidden state of the second LSTM (s<t1>), one_step_attention() will compute the attention weights ([α<t,1>,α<t,2>,...,α<t,Tx>]) and output the context vector (see Figure 1 (right) for details):  

    Note that we are denoting the attention in this notebook contextt. In the lecture videos, the context was denoted ct, but here we are calling it contextt to avoid confusion with the (post-attention) LSTM's internal memory cell variable, which is sometimes also denoted ct.

    2) model(): Implements the entire model. It first runs the input through a Bi-LSTM to get back [a<1>,a<2>,...,a<Tx>]). Then, it calls one_step_attention() Ttimes (for loop). At each iteration of this loop, it gives the computed context vector c<t> to the second LSTM, and runs the output of the LSTM through a dense layer with softmax activation to generate a prediction ŷ <t>. 

    【中文翻译】 

    让我们实现这个模型。您将首先实现两个函数: one_step_attention() 和 model()

    1) one_step_attention (): 在步骤 t 中, 考虑到 the Bi-LSTM的所有隐藏状态 ([a<1>,a<2>,...,a<Tx>])以及第二个 LSTM (s) 的前一个隐藏状态(s<t1>), one_step_attention () 将计算attention weights([α<t,1>,α<t,2>,...,α<t,Tx>])和输出the context vector  (请参见图 1 (右) 以了解详细信息):

    注意, 我们在这本笔记本中用contextt 表示the attention。在讲座视频中,  the context被表示为 c⟨t⟩, 但在这里我们称之为 context⟨t⟩, 以避免混淆 (post-attention) LSTM 的内部内存单元格变量, 这有时也被表示为 c⟨t⟩

    2) model(): 实现整个模型。它首先通过Bi-LSTM  运行输入以返回[a<1>,a<2>,...,a<Tx>])。然后, 它调用one_step_attention() Ty次。(for 循环)。在该循环的每个迭代中, 它将计算context vector c<t>,赋予第二个 LSTM, 并通过具有 softmax 激活的dense层运行 LSTM 的输出, 以生成预测ŷ <t>.

    Exercise: Implement one_step_attention(). The function model() will call the layers in one_step_attention() Tusing a for-loop, and it is important that all Tcopies have the same weights. I.e., it should not re-initiaiize the weights every time. In other words, all Ty steps should have shared weights. Here's how you can implement layers with shareable weights in Keras:

    1. Define the layer objects (as global variables for examples).
    2. Call these objects when propagating the input.

    We have defined the layers you need as global variables. Please run the following cells to create them. Please check the Keras documentation to make sure you understand what these layers are: RepeatVector()Concatenate()Dense()Activation()Dot().

    【中文翻译】  

    练习: 实施 one_step_attention ()。函数 model() 将使用 for 循环调用 one_step_attention ()Ty 次, 并且所有的 Ty 拷贝都具有相同的权重是很重要的。也就是说, 它不应该每次重新初始化。换言之, 所有的 Ty 步骤都应该具有共享权重。下面是如何在 Keras 中实现可共享权重的层:

         1.定义层对象 (作为示例的全局变量)。
         2.传播输入时调用这些对象。
    我们已将需要的层定义为全局变量。请运行以下单元格以创建它们。请检查 Keras 文档, 以确保了解这些图层的容: RepeatVector()Concatenate()Dense()Activation()Dot().

    【code】

    # Defined shared layers as global variables
    repeator = RepeatVector(Tx)
    concatenator = Concatenate(axis=-1)
    densor1 = Dense(10, activation = "tanh")
    densor2 = Dense(1, activation = "relu")
    activator = Activation(softmax, name='attention_weights') # We are using a custom softmax(axis = 1) loaded in this notebook
    dotor = Dot(axes = 1)
    

    Now you can use these layers to implement one_step_attention(). In order to propagate a Keras tensor object X through one of these layers, use layer(X) (or layer([X,Y]) if it requires multiple inputs.), e.g. densor(X) will propagate X through the Dense(1) layer defined above.  

    【code】

    # GRADED FUNCTION: one_step_attention
    
    def one_step_attention(a, s_prev):
        """
        Performs one step of attention: Outputs a context vector computed as a dot product of the attention weights
        "alphas" and the hidden states "a" of the Bi-LSTM.
        
        Arguments:
        a -- hidden state output of the Bi-LSTM, numpy-array of shape (m, Tx, 2*n_a)
        s_prev -- previous hidden state of the (post-attention) LSTM, numpy-array of shape (m, n_s)
        
        Returns:
        context -- context vector, input of the next (post-attetion) LSTM cell
        """
        
        ### START CODE HERE ###
        # Use repeator to repeat s_prev to be of shape (m, Tx, n_s) so that you can concatenate it with all hidden states "a" (≈ 1 line)
        s_prev = repeator(s_prev)
        # Use concatenator to concatenate a and s_prev on the last axis (≈ 1 line)
        concat = concatenator([a,s_prev])
        # Use densor1 to propagate concat through a small fully-connected neural network to compute the "intermediate energies" variable e. (≈1 lines)
        e = densor1(concat)
        # Use densor2 to propagate e through a small fully-connected neural network to compute the "energies" variable energies. (≈1 lines)
        energies = densor2(e)
        # Use "activator" on "energies" to compute the attention weights "alphas" (≈ 1 line)
        alphas = activator(energies)
        # Use dotor together with "alphas" and "a" to compute the context vector to be given to the next (post-attention) LSTM-cell (≈ 1 line)
        context = dotor([ alphas,a])
        ### END CODE HERE ###
        
        return context
    

    You will be able to check the expected output of one_step_attention() after you've coded the model() function.  

    Exercise: Implement model() as explained in figure 2 and the text above. Again, we have defined global layers that will share weights to be used in model().  

    【code】

    n_a = 32
    n_s = 64
    post_activation_LSTM_cell = LSTM(n_s, return_state = True)
    output_layer = Dense(len(machine_vocab), activation=softmax)
    

    Now you can use these layers Ty times in a for loop to generate the outputs, and their parameters will not be reinitialized. You will have to carry out the following steps:  

    1. Propagate the input into a Bidirectional LSTM
    2. Iterate for t=0,,Ty1:

      1. Call one_step_attention() on [α<t,1>,α<t,2>,...,α<t,Tx>] and s<t1> to get the context vector context<t>.
      2. Give context<t> to the post-attention LSTM cell. Remember pass in the previous hidden-state st1 and cell-states ct1 of this LSTM using initial_state= [previous hidden state, previous cell state]. Get back the new hidden state s<t> and the new cell state c<t>.
      3. Apply a softmax layer to s<t>, get the output.
      4. Save the output by adding it to the list of outputs.
    3. Create your Keras model instance, it should have three inputs ("inputs", s<0> and c<0>) and output the list of "outputs".

    【code】   

    # GRADED FUNCTION: model
    
    def model(Tx, Ty, n_a, n_s, human_vocab_size, machine_vocab_size):
        """
        Arguments:
        Tx -- length of the input sequence
        Ty -- length of the output sequence
        n_a -- hidden state size of the Bi-LSTM
        n_s -- hidden state size of the post-attention LSTM
        human_vocab_size -- size of the python dictionary "human_vocab"
        machine_vocab_size -- size of the python dictionary "machine_vocab"
    
        Returns:
        model -- Keras model instance
        """
        
        # Define the inputs of your model with a shape (Tx,)
        # Define s0 and c0, initial hidden state for the decoder LSTM of shape (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
        
        # Initialize empty list of outputs
        outputs = []
        
        ### START CODE HERE ###
        
        # Step 1: Define your pre-attention Bi-LSTM. Remember to use return_sequences=True. (≈ 1 line)
        a = Bidirectional(LSTM(n_a, return_sequences = True), input_shape = (m, Tx, n_a*2))(X)
        
        # Step 2: Iterate for Ty steps
        for t in range(Ty):
        
            # Step 2.A: Perform one step of the attention mechanism to get back the context vector at step t (≈ 1 line)
            context = one_step_attention(a, s)
            
            # Step 2.B: Apply the post-attention LSTM cell to the "context" vector.
            # Don't forget to pass: initial_state = [hidden state, cell state] (≈ 1 line)
            s, _, c = post_activation_LSTM_cell(context,initial_state = [s, c])
            
            # Step 2.C: Apply Dense layer to the hidden state output of the post-attention LSTM (≈ 1 line)
            out = output_layer(s)
            
            # Step 2.D: Append "out" to the "outputs" list (≈ 1 line)
            outputs.append(out)
        
        # Step 3: Create model instance taking three inputs and returning the list of outputs. (≈ 1 line)
        model = Model([X, s0, c0], outputs = outputs)
        
        ### END CODE HERE ###
        
        return model
    

    Run the following cell to create your model.

    【code】

    model = model(Tx, Ty, n_a, n_s, len(human_vocab), len(machine_vocab))
    

    Let's get a summary of the model to check if it matches the expected output.  

    【code】

    model.summary()
    

    【result】

    ____________________________________________________________________________________________________
    Layer (type)                     Output Shape          Param #     Connected to                     
    ====================================================================================================
    input_6 (InputLayer)             (None, 30, 37)        0                                            
    ____________________________________________________________________________________________________
    s0 (InputLayer)                  (None, 64)            0                                            
    ____________________________________________________________________________________________________
    bidirectional_6 (Bidirectional)  (None, 30, 64)        17920       input_6[0][0]                    
    ____________________________________________________________________________________________________
    repeat_vector_1 (RepeatVector)   (None, 30, 64)        0           s0[0][0]                         
                                                                       lstm_9[0][0]                     
                                                                       lstm_9[1][0]                     
                                                                       lstm_9[2][0]                     
                                                                       lstm_9[3][0]                     
                                                                       lstm_9[4][0]                     
                                                                       lstm_9[5][0]                     
                                                                       lstm_9[6][0]                     
                                                                       lstm_9[7][0]                     
                                                                       lstm_9[8][0]                     
    ____________________________________________________________________________________________________
    concatenate_1 (Concatenate)      (None, 30, 128)       0           bidirectional_6[0][0]            
                                                                       repeat_vector_1[2][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[3][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[4][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[5][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[6][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[7][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[8][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[9][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[10][0]           
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[11][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_6[0][0]            
                                                                       attention_weights[1][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[2][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[3][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[4][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[5][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[6][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[7][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[8][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[9][0]          
                                                                       bidirectional_6[0][0]            
    ____________________________________________________________________________________________________
    c0 (InputLayer)                  (None, 64)            0                                            
    ____________________________________________________________________________________________________
    lstm_9 (LSTM)                    [(None, 64), (None, 6 33024       dot_1[0][0]                      
                                                                       s0[0][0]                         
                                                                       c0[0][0]                         
                                                                       dot_1[1][0]                      
                                                                       lstm_9[0][0]                     
                                                                       lstm_9[0][2]                     
                                                                       dot_1[2][0]                      
                                                                       lstm_9[1][0]                     
                                                                       lstm_9[1][2]                     
                                                                       dot_1[3][0]                      
                                                                       lstm_9[2][0]                     
                                                                       lstm_9[2][2]                     
                                                                       dot_1[4][0]                      
                                                                       lstm_9[3][0]                     
                                                                       lstm_9[3][2]                     
                                                                       dot_1[5][0]                      
                                                                       lstm_9[4][0]                     
                                                                       lstm_9[4][2]                     
                                                                       dot_1[6][0]                      
                                                                       lstm_9[5][0]                     
                                                                       lstm_9[5][2]                     
                                                                       dot_1[7][0]                      
                                                                       lstm_9[6][0]                     
                                                                       lstm_9[6][2]                     
                                                                       dot_1[8][0]                      
                                                                       lstm_9[7][0]                     
                                                                       lstm_9[7][2]                     
                                                                       dot_1[9][0]                      
                                                                       lstm_9[8][0]                     
                                                                       lstm_9[8][2]                     
    ____________________________________________________________________________________________________
    dense_6 (Dense)                  (None, 11)            715         lstm_9[0][0]                     
                                                                       lstm_9[1][0]                     
                                                                       lstm_9[2][0]                     
                                                                       lstm_9[3][0]                     
                                                                       lstm_9[4][0]                     
                                                                       lstm_9[5][0]                     
                                                                       lstm_9[6][0]                     
                                                                       lstm_9[7][0]                     
                                                                       lstm_9[8][0]                     
                                                                       lstm_9[9][0]                     
    ====================================================================================================
    Total params: 52,960
    Trainable params: 52,960
    Non-trainable params: 0
    ____________________________________________________________________________________________________
    

    Expected Output】  

    Here is the summary you should see  

    Total params:	52,960
    Trainable params:	52,960
    Non-trainable params:	0
    bidirectional_1's output shape	(None, 30, 64)
    repeat_vector_1's output shape	(None, 30, 64)
    concatenate_1's output shape	(None, 30, 128)
    attention_weights's output shape	(None, 30, 1)
    dot_1's output shape	(None, 1, 64)
    dense_3's output shape	(None, 11)
    

    As usual, after creating your model in Keras, you need to compile it and define what loss, optimizer and metrics your are want to use. Compile your model using categorical_crossentropy loss, a custom Adam optimizer (learning rate = 0.005β1=0.9β2=0.999decay = 0.01) and ['accuracy'] metrics:  

    【code】

    ### 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 ###
    

    The last step is to define all your inputs and outputs to fit the model:

    • You already have X of shape (m=10000,Tx=30) containing the training examples.
    • You need to create s0 and c0 to initialize your post_activation_LSTM_cell with 0s.
    • Given the model() you coded, you need the "outputs" to be a list of 11 elements of shape (m, T_y). So that: outputs[i][0], ..., outputs[i][Ty] represent the true labels (characters) corresponding to the ithith training example (X[i]). More generally, outputs[i][j] is the true label of the jth character in the ithithtraining example.

    【code】

    s0 = np.zeros((m, n_s))
    c0 = np.zeros((m, n_s))
    outputs = list(Yoh.swapaxes(0,1))
    

    Let's now fit the model and run it for one epoch.  

    【code】

    model.fit([Xoh, s0, c0], outputs, epochs=1, batch_size=100)
    

    【result】

    Epoch 1/1
    10000/10000 [==============================] - 46s - loss: 16.5956 - dense_6_loss_1: 1.2932 - dense_6_loss_2: 1.0162 - dense_6_loss_3: 1.7596 - dense_6_loss_4: 2.6613 
    - dense_6_loss_5: 0.7426 - dense_6_loss_6: 1.3393 - dense_6_loss_7: 2.6329 - dense_6_loss_8: 0.8744 - dense_6_loss_9: 1.7038 - dense_6_loss_10: 2.5724
    - dense_6_acc_1: 0.4418 - dense_6_acc_2: 0.6646 - dense_6_acc_3: 0.2957 - dense_6_acc_4: 0.0854 - dense_6_acc_5: 0.9590 - dense_6_acc_6: 0.3268
    - dense_6_acc_7: 0.0647 - dense_6_acc_8: 0.9349 - dense_6_acc_9: 0.2069 - dense_6_acc_10: 0.1007 <keras.callbacks.History at 0x7fdd32eb9b38>

      

    While training you can see the loss as well as the accuracy on each of the 10 positions of the output. The table below gives you an example of what the accuracies could be if the batch had 2 examples:  

             Thus, dense_2_acc_8: 0.89 means that you are predicting the 7th character of the output correctly 89% of the time in the current batch of data.

    We have run this model for longer, and saved the weights. Run the next cell to load our weights. (By training a model for several minutes, you should be able to obtain a model of similar accuracy, but loading our model will save you time.)

    【code】

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

    You can now see the results on new examples.

    【code】

    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))).swapaxes(0,1)
        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))
    

    【result】

    source: 3 May 1979
    output: 1977-07-07
    source: 5 April 09
    output: 1975-05-07
    source: 21th of August 2016
    output: 2000-05-05
    source: Tue 10 Jul 2007
    output: 2000-00-20
    source: Saturday May 9 2018
    output: 1905-02-05
    source: March 3 2001
    output: 2000-05-20
    source: March 3rd 2001
    output: 2000-00-20
    source: 1 March 2001
    output: 2000-00-20
    

    You can also change these examples to test with your own examples. The next part will give you a better sense on what the attention mechanism is doing--i.e., what part of the input the network is paying attention to when generating a particular output character.  

      

    3 - Visualizing Attention (Optional / Ungraded)

    Since the problem has a fixed output length of 10, it is also possible to carry out this task using 10 different softmax units to generate the 10 characters of the output. But one advantage of the attention model is that each part of the output (say the month) knows it needs to depend only on a small part of the input (the characters in the input giving the month). We can visualize what part of the output is looking at what part of the input.

    【中文翻译】

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

    Consider the task of translating "Saturday 9 May 2018" to "2018-05-09". If we visualize the computed αt,t we get this:

    Notice how the output ignores the "Saturday" portion of the input. None of the output timesteps are paying much attention to that portion of the input. We see also that 9 has been translated as 09 and May has been correctly translated into 05, with the output paying attention to the parts of the input it needs to to make the translation. The year mostly requires it to pay attention to the input's "18" in order to generate "2018."

    【中文翻译】

    注意输出如何忽略输入的  "Saturday " 部分。所有输出 时间步都不太注意输入的那一部分。我们还看到, 9 已被翻译为 09, 并May已正确翻译成 05。年份需要它注意输入的  "18 " 才能生成  "2018"。  

     

    3.1 - Getting the activations from the network

    Lets now visualize the attention values in your network. We'll propagate an example through the network, then visualize the values of αt,t.

    To figure out where the attention values are located, let's start by printing a summary of the model .

    【code】

    model.summary()
    

    【result】

    ___________________________________________________________________________________________________
    Layer (type)                     Output Shape          Param #     Connected to                     
    ====================================================================================================
    input_6 (InputLayer)             (None, 30, 37)        0                                            
    ____________________________________________________________________________________________________
    s0 (InputLayer)                  (None, 64)            0                                            
    ____________________________________________________________________________________________________
    bidirectional_6 (Bidirectional)  (None, 30, 64)        17920       input_6[0][0]                    
    ____________________________________________________________________________________________________
    repeat_vector_1 (RepeatVector)   (None, 30, 64)        0           s0[0][0]                         
                                                                       lstm_9[0][0]                     
                                                                       lstm_9[1][0]                     
                                                                       lstm_9[2][0]                     
                                                                       lstm_9[3][0]                     
                                                                       lstm_9[4][0]                     
                                                                       lstm_9[5][0]                     
                                                                       lstm_9[6][0]                     
                                                                       lstm_9[7][0]                     
                                                                       lstm_9[8][0]                     
    ____________________________________________________________________________________________________
    concatenate_1 (Concatenate)      (None, 30, 128)       0           bidirectional_6[0][0]            
                                                                       repeat_vector_1[2][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[3][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[4][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[5][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[6][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[7][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[8][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[9][0]            
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[10][0]           
                                                                       bidirectional_6[0][0]            
                                                                       repeat_vector_1[11][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_6[0][0]            
                                                                       attention_weights[1][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[2][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[3][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[4][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[5][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[6][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[7][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[8][0]          
                                                                       bidirectional_6[0][0]            
                                                                       attention_weights[9][0]          
                                                                       bidirectional_6[0][0]            
    ____________________________________________________________________________________________________
    c0 (InputLayer)                  (None, 64)            0                                            
    ____________________________________________________________________________________________________
    lstm_9 (LSTM)                    [(None, 64), (None, 6 33024       dot_1[0][0]                      
                                                                       s0[0][0]                         
                                                                       c0[0][0]                         
                                                                       dot_1[1][0]                      
                                                                       lstm_9[0][0]                     
                                                                       lstm_9[0][2]                     
                                                                       dot_1[2][0]                      
                                                                       lstm_9[1][0]                     
                                                                       lstm_9[1][2]                     
                                                                       dot_1[3][0]                      
                                                                       lstm_9[2][0]                     
                                                                       lstm_9[2][2]                     
                                                                       dot_1[4][0]                      
                                                                       lstm_9[3][0]                     
                                                                       lstm_9[3][2]                     
                                                                       dot_1[5][0]                      
                                                                       lstm_9[4][0]                     
                                                                       lstm_9[4][2]                     
                                                                       dot_1[6][0]                      
                                                                       lstm_9[5][0]                     
                                                                       lstm_9[5][2]                     
                                                                       dot_1[7][0]                      
                                                                       lstm_9[6][0]                     
                                                                       lstm_9[6][2]                     
                                                                       dot_1[8][0]                      
                                                                       lstm_9[7][0]                     
                                                                       lstm_9[7][2]                     
                                                                       dot_1[9][0]                      
                                                                       lstm_9[8][0]                     
                                                                       lstm_9[8][2]                     
    ____________________________________________________________________________________________________
    dense_6 (Dense)                  (None, 11)            715         lstm_9[0][0]                     
                                                                       lstm_9[1][0]                     
                                                                       lstm_9[2][0]                     
                                                                       lstm_9[3][0]                     
                                                                       lstm_9[4][0]                     
                                                                       lstm_9[5][0]                     
                                                                       lstm_9[6][0]                     
                                                                       lstm_9[7][0]                     
                                                                       lstm_9[8][0]                     
                                                                       lstm_9[9][0]                     
    ====================================================================================================
    Total params: 52,960
    Trainable params: 52,960
    Non-trainable params: 0
    ____________________________________________________________________________________________________
    

      

    Navigate through the output of model.summary() above. You can see that the layer named attention_weights outputs the alphas of shape (m, 30, 1) before dot_2 computes the context vector for every time step t=0,,Ty1. Lets get the activations from this layer.

    【中文翻译】

    在 model.summary()的输出中导航。您可以看到名为 attention_weights 的层在 dot_1 计算每个时间步骤 t=0,..., Ty−1的上下文向量之前, 输出形状为 (m、30、1)的alphas。让我们从这个层得到激活。

    The function attention_map() pulls out the attention values from your model and plots them.

    【code】

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

    【result】

      

    On the generated plot you can observe the values of the attention weights for each character of the predicted output. Examine this plot and check that where the network is paying attention makes sense to you.

    In the date translation application, you will observe that most of the time attention helps predict the year, and hasn't much impact on predicting the day/month.

    【中文翻译】

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

    在日期翻译应用程序中, 您将观察到大多数时间的关注有助于预测年份, 并且对预测日/月没有太大影响。

      

    Congratulations!

    You have come to the end of this assignment

    Here's what you should remember from this notebook:

    • Machine translation models can be used to map from one sequence to another. They are useful not just for translating human languages (like French->English) but also for tasks like date format translation.
    • An attention mechanism allows a network to focus on the most relevant parts of the input when producing a specific part of the output.
    • A network using an attention mechanism can translate from inputs of length T to outputs of length T, where T and T can be different.
    • You can visualize attention weights αt,t to see what the network is paying attention to while generating each output.

    Congratulations on finishing this assignment! You are now able to implement an attention model and use it to learn complex mappings from one sequence to another.

    【中文翻译】

    祝贺!
    你已经完成了这个任务!

    以下是您在本笔记本中应该记住的内容:

    机器翻译模型可用于从一个序列映射到另一个序列。它们不仅用于翻译人类语言 (如法语-英语), 而且对于诸如日期格式翻译之类的任务也很有用。
    注意机制允许网络在生成特定部分输出时, 将焦点放在输入的最相关部分。
    使用注意机制的网络可以从长度 Tx 的输入转换为长度 Ty 的输出, 在那里Tx 和 Ty 可以不同。
    您可以可视化注意权重α⟨t, t′⟩,在生成每个输出时查看网络所关注的内容。

    恭喜你完成了任务!现在, 您可以实现一个注意模型, 并使用学习复杂映射,它从一个序列映射到另一个序列。

      

      

  • 相关阅读:
    Linux下编译安装redis
    docker搭建swoole的简易的聊天室
    Linux下面安装swoole
    laravel命令
    史上最污技术解读,60 个 IT 术语我竟然秒懂了.....
    redis集群搭建
    Windows安装MongoDB
    十大经典排序算法(动图演示)
    消息中间件基础
    laravel邮件发送
  • 原文地址:https://www.cnblogs.com/hezhiyao/p/8747019.html
Copyright © 2011-2022 走看看