美文网首页
在 Keras 模型中使用预训练的词向量

在 Keras 模型中使用预训练的词向量

作者: xingzai | 来源:发表于2019-08-13 11:57 被阅读0次
    1. 什么是词向量?

      简而言之,词向量技术是将词转化成为稠密向量,并且对于相似的词,其对应的词向量也相近。词向量通过 降维 技术表征文本数据集中的词的共现信息。方法包括神经网络(“Word2vec”技术),或矩阵分解。

    2. GloVe 词向量

      本文使用GloVe词向量。GloVe 是 "Global Vectors for Word Representation"的缩写,一种基于 共现矩阵分解 的词向量。本文所使用的GloVe词向量是在2014年的英文维基百科上训练的,有400k个不同的词,每个词用100维向量表示。点此下载(友情提示,词向量文件大小约为800多M)

    3. 20 Newsgroup dataset

      本文使用的数据集是著名的 20 Newsgroup dataset。该数据集共有20种新闻文本数据,我们将实现对该数据集的文本分类任务。数据集的说明和下载请参考这里
    不同类别的新闻包含大量不同的单词,在语义上存在极大的差别。一些新闻类别如下所示

    comp.sys.ibm.pc.hardware
    comp.graphics
    comp.os.ms-windows.misc
    comp.sys.mac.hardware
    comp.windows.x
    rec.autos
    rec.motorcycles
    rec.sport.baseball
    rec.sport.hockey

    4. 实验步骤

    以下是我们如何解决分类问题的步骤

    • 将所有的新闻样本转化为词索引序列。所谓词索引就是为每一个词依次分配一个整数ID。遍历所有的新闻文本,我们只保留最常见的20000个词,而且每个新闻文本最多保留1000个词。
    • 生成一个词向量矩阵。第i列表示词索引为i的词的词向量。
    • 将词向量矩阵载入Keras Embedding层,设置该层的权重不可再训练(也就是说在之后的网络训练过程中,词向量不再改变)。
    • Keras Embedding层之后连接一个1D的卷积层,并用一个softmax全连接输出新闻类别
    5. 数据预处理

    我们首先遍历下语料文件下的所有文件夹,获得不同类别的新闻以及对应的类别标签,代码如下所示

    texts = []  # list of text samples
    labels_index = {}  # dictionary mapping label name to numeric id
    labels = []  # list of label ids
    for name in sorted(os.listdir(TEXT_DATA_DIR)):
        path = os.path.join(TEXT_DATA_DIR, name)
        if os.path.isdir(path):
            label_id = len(labels_index)
            labels_index[name] = label_id
            for fname in sorted(os.listdir(path)):
                if fname.isdigit():
                    fpath = os.path.join(path, fname)
                    f = open(fpath)
                    texts.append(f.read())
                    f.close()
                    labels.append(label_id)
    
    print('Found %s texts.' % len(texts))
    '''
    Found 19997 texts.
    '''
    

    之后,我们可以新闻样本转化为神经网络训练所用的张量。所用到的Keras库是keras.preprocessing.text.Tokenizer和keras.preprocessing.sequence.pad_sequences。代码如下所示

    from keras.preprocessing.text import Tokenizer
    from keras.preprocessing.sequence import pad_sequences
    
    tokenizer = Tokenizer(nb_words=MAX_NB_WORDS)
    tokenizer.fit_on_texts(texts)
    sequences = tokenizer.texts_to_sequences(texts)
    
    word_index = tokenizer.word_index
    print('Found %s unique tokens.' % len(word_index))
    
    data = pad_sequences(sequences, maxlen=MAX_SEQUENCE_LENGTH)
    
    labels = to_categorical(np.asarray(labels))
    print('Shape of data tensor:', data.shape)
    print('Shape of label tensor:', labels.shape)
    
    # split the data into a training set and a validation set
    indices = np.arange(data.shape[0])
    np.random.shuffle(indices)
    data = data[indices]
    labels = labels[indices]
    nb_validation_samples = int(VALIDATION_SPLIT * data.shape[0])
    
    x_train = data[:-nb_validation_samples]
    y_train = labels[:-nb_validation_samples]
    x_val = data[-nb_validation_samples:]
    y_val = labels[-nb_validation_samples:]
    '''
    Found 174105 unique tokens.
    Shape of data tensor: (19997, 1000)
    Shape of label tensor: (19997, 20)
    '''
    
    6. Embedding layer设置

    接下来,我们从GloVe文件中解析出每个词和它所对应的词向量,并用字典的方式存储

    embeddings_index = {}
    f = open(os.path.join(GLOVE_DIR, 'glove.6B.100d.txt'))
    for line in f:
        values = line.split()
        word = values[0]
        coefs = np.asarray(values[1:], dtype='float32')
        embeddings_index[word] = coefs
    f.close()
    
    print('Found %s word vectors.' % len(embeddings_index))
    '''
    Found 400000 word vectors.
    '''
    

    此时,我们可以根据得到的字典生成上文所定义的词向量矩阵

    embedding_matrix = np.zeros((len(word_index) + 1, EMBEDDING_DIM))
    for word, i in word_index.items():
        embedding_vector = embeddings_index.get(word)
        if embedding_vector is not None:
            # words not found in embedding index will be all-zeros.
            embedding_matrix[i] = embedding_vector
    

    现在我们将这个词向量矩阵加载到Embedding层中,注意,我们设置trainable=False使得这个编码层不可再训练。

    from keras.layers import Embedding
    
    embedding_layer = Embedding(len(word_index) + 1,
                                EMBEDDING_DIM,
                                weights=[embedding_matrix],
                                input_length=MAX_SEQUENCE_LENGTH,
                                trainable=False)
    

    一个Embedding层的输入应该是一系列的整数序列,比如一个2D的输入,它的shape值为(samples, indices),也就是一个samples行,indeces列的矩阵。每一次的batch训练的输入应该被padded成相同大小(尽管Embedding层有能力处理不定长序列,如果你不指定数列长度这一参数) dim). 所有的序列中的整数都将被对应的词向量矩阵中对应的列(也就是它的词向量)代替,比如序列[1,2]将被序列[词向量[1],词向量[2]]代替。这样,输入一个2D张量后,我们可以得到一个3D张量。

    7. 训练1D卷积

    最后,我们可以使用一个小型的1D卷积解决这个新闻分类问题。

    sequence_input = Input(shape=(MAX_SEQUENCE_LENGTH,), dtype='int32')
    embedded_sequences = embedding_layer(sequence_input)
    x = Conv1D(128, 5, activation='relu')(embedded_sequences)
    x = MaxPooling1D(5)(x)
    x = Conv1D(128, 5, activation='relu')(x)
    x = MaxPooling1D(5)(x)
    x = Conv1D(128, 5, activation='relu')(x)
    x = MaxPooling1D(35)(x)  # global max pooling
    x = Flatten()(x)
    x = Dense(128, activation='relu')(x)
    preds = Dense(len(labels_index), activation='softmax')(x)
    
    model = Model(sequence_input, preds)
    model.compile(loss='categorical_crossentropy',
                  optimizer='rmsprop',
                  metrics=['acc'])
    
    # happy learning!
    model.fit(x_train, y_train, validation_data=(x_val, y_val),
              nb_epoch=2, batch_size=128)
    

    在30次迭代之后,这个模型最后可以达到0.96的分类准确率(4:1分割训练和测试集合)。测试集准确率只有0.74左右,说明模型可能过拟合了。没关系,我们已经实现了目标。整个流程跑通了。为了提高准确率,可以尝试:

    • 增加文章数量
    • 尝试dropout和Batch normalization控制过拟合
    • 尝试改变网络结构
    • 在Embedding层上进行fine-tuning获得更高的准确率。

    我们可以做一个对比实验,直接使用Keras自带的Embedding层训练词向量而不用GloVe向量。代码如下所示

    embedding_layer = Embedding(len(word_index) + 1,
                                EMBEDDING_DIM,
                                input_length=MAX_SEQUENCE_LENGTH)
    
    print('Training model.')
    
    # train a 1D convnet with global maxpooling
    sequence_input = Input(shape=(MAX_SEQUENCE_LENGTH,), dtype='int32')
    embedded_sequences = embedding_layer(sequence_input)
    x = Conv1D(128, 5, activation='relu')(embedded_sequences)
    x = MaxPooling1D(5)(x)
    x = Conv1D(128, 5, activation='relu')(x)
    x = MaxPooling1D(5)(x)
    x = Conv1D(128, 5, activation='relu')(x)
    x = GlobalMaxPooling1D()(x)
    x = Dense(128, activation='relu')(x)
    preds = Dense(len(labels_index), activation='softmax')(x)
    
    model = Model(sequence_input, preds)
    model.compile(loss='categorical_crossentropy', optimizer='rmsprop', metrics=['acc'])
    
    model.fit(x_train, y_train, batch_size=128, epochs=30, validation_data=(x_val, y_val))
    

    在10次迭代之后,我们可以得到0.96的准确率,测试集准确率只有0.74左右,说明模型可能过拟合了。所以使用预训练的词向量作为特征不一定是非常有效的。一般来说,在自然语言处理任务中,当样本数量非常少时,使用预训练的词向量是可行的(实际上,预训练的词向量引入了外部语义信息,往往对模型很有帮助)。

    本文地址:http://blog.keras.io/using-pre-trained-word-embeddings-in-a-keras-model.html

    相关文章

      网友评论

          本文标题:在 Keras 模型中使用预训练的词向量

          本文链接:https://www.haomeiwen.com/subject/tejpjctx.html