自然语言处理N天-实现Transformer整合各个module

新建 Microsoft PowerPoint 演示文稿 (2).jpg

这个算是在课程学习之外的探索,不过希望能尽快用到项目实践中。在文章里会引用较多的博客,文末会进行reference。
搜索Transformer机制,会发现高分结果基本上都源于一篇论文Jay Alammar的《The Illustrated Transformer》(图解Transformer),提到最多的Attention是Google的《Attention Is All You Need》。
-~~对于Transformer的运行机制了解即可,所以会基于这篇论文来学习Transformer,结合《Sklearn+Tensorflow》中Attention注意力机制一章完成基本的概念学习;

  • 找一个基于Transformer的项目练手

5.代码实现

整合各个module

在之前的modules中,已经完成了一个Transformer网络各个组件的编写,在这里要将不同组件进行整合。
我不知道这个代码的质量,还是先搞定,再看Google的原版,以及使用Pytorch的实现。
主要包括四个方法,对应Transformer的Encoder和Decoder结构以及训练和评价。

  • def encode(self, xs, training=True)
  • def decode(self, ys, memory, training=True)
  • def train(self, xs, ys)
  • def eval(self, xs, ys)
引入必要库
import tensorflow as tf

from data_load import load_vocab
from modules import get_token_embeddings, ff, positional_encoding, multihead_attention, label_smoothing, noam_scheme
from utils import convert_idx_to_token_tensor
from tqdm import tqdm
import logging

logging.basicConfig(level=logging.INFO)
构建类
class Transformer:
    '''
    xs: tuple of
        x: int32 tensor. (N, T1)
        x_seqlens: int32 tensor. (N,)
        sents1: str tensor. (N,)
    ys: tuple of
        decoder_input: int32 tensor. (N, T2)
        y: int32 tensor. (N, T2)
        y_seqlen: int32 tensor. (N, )
        sents2: str tensor. (N,)
    training: boolean.
    '''

    def __init__(self, hp):
        self.hp = hp
        self.token2idx, self.idx2token = load_vocab(hp.vocab)
        self.embeddings = get_token_embeddings(self.hp.vocab_size, self.hp.d_model, zero_pad=True)

    def encode(self, xs, training=True):
        '''
        encoder部分,注意看里面的实现过程,
        :param xs: 
        :param training: 
        :return: encoder outputs. (N, T1, d_model)
        '''

    def decode(self, ys, memory, training=True):
        '''
        decoder部分,注意看里面的实现过程
        
        :param ys: 
        :param memory: 就是encoder的输出。
        :param training: 
        :return: 
        '''

    def train(self, xs, ys):
        '''
        训练部分
        :param xs: 
        :param ys: 
        :return: 
        '''

    def eval(self, xs, ys):
        '''
        回归预测,推理中忽略输入
        :param xs: 
        :param ys: 
        :return: 
        '''
构建encoder

注意实现过程,对比和后面decoder的区别

def encode(self, xs, training=True):
    '''
    encoder部分,注意看里面的实现过程,
    :param xs: 
    :param training: 
    :return: encoder outputs. (N, T1, d_model)
    '''
    with tf.Variable_scope("encoder", reuse=tf.AUTO_REUSE):
        x, seqlens, sents1 = xs
        # 嵌入 enc意思为encoder
        enc = tf.nn.embedding_lookup(self.embeddings, x)
        enc *= self.hp.d_model ** 0.5
        enc += positional_encoding(enc, self.hp.maxlen1)
        enc = tf.layers.dropout(enc, self.hp.dropout_rate, training=training)

        # blocks
        for i in range(self.hp.num_blocks):
            with tf.variable_scope("num_blocks_{}".format(i), reuse=tf.AUTO_REUSE):
                # self-attention
                enc = multihead_attention(
                    queries=enc,
                    keys=enc,
                    values=enc,
                    num_heads=self.hp.num_heads,
                    dropout_rate=self.hp.dropout_rate,
                    training=training,
                    causality=False
                )
                # 前向传播
                enc = ff(enc, num_units=[self.hp.d_ff, self.hp.d_model])
    memory = enc
    return memory, sents1
构建decoder
def decode(self, ys, memory, training=True):
    '''
    decoder部分,注意看里面的实现过程

    :param ys: 
    :param memory: 就是encoder的输出。
    :param training: 
    :return: 
    '''
    with tf.variable_scope("decoder", reuse=tf.AUTO_REUSE):
        decoder_inputs, y, seqlens, sents2 = ys

        # 嵌入
        dec = tf.nn.embedding_lookup(self.embeddings, decoder_inputs)

        dec *= self.hp.d_model ** 0.5
        dec += positional_encoding(dec, self.hp.maxlen2)
        dec = tf.layers.dropout(dec, self.hp.dropout_rate, training=training)

        # blocks
        for i in range(self.hp.num_blocks):
            with tf.variable_scope("num_blocks_{}".format(i), reuse=tf.AUTO_REUSE):
                # Masked self-attention (Note that causality is True at this time)
                dec = multihead_attention(
                    queries=dec,
                    keys=dec,
                    values=dec,
                    num_heads=self.hp.num_heads,
                    dropout_rate=self.hp.dropout_rate,
                    training=training,
                    causality=True,
                    scope="self_attention"
                )
                # vanilla attention
                dec = multihead_attention(
                    queries=dec,
                    keys=memory,
                    values=memory,
                    num_heads=self.hp.num_heads,
                    dropout_rate=self.hp.dropout_rate,
                    training=training,
                    causality=False,
                    scope="vanilla_attention"
                )
                # 前向传播
                dec = ff(dec, num_units=[self.hp.d_ff, self.hp.d_model])
    # 最后的线性投影(嵌入权重)
    weights = tf.transpose(self.embeddings)
    logits = tf.einsum('ntd,dk->ntk', dec, weights)
    y_hat = tf.to_int32(tf.argmax(logits, axis=-1))

    return logits, y_hat, y, sents2
构建训练和评价方法
def train(self, xs, ys):
    '''
    训练部分
    :param xs: 
    :param ys: 
    :return: 
    '''
    memory, sents1 = self.encode(xs)
    logits, preds, y, sents2 = self.decode(ys, memory)

    y_ = label_smoothing(tf.one_hot(y, depth=self.hp.vocab_size))
    ce = tf.nn.softmax_cross_entropy_with_logits_v2(logits=logits, labels=y_)
    nonpadding = tf.to_float(tf.not_equal(y, self.token2idx["<pad>"]))  # 0: <pad>
    loss = tf.reduce_sum(ce * nonpadding) / (tf.reduce_sum(nonpadding) + 1e-7)

    global_step = tf.train.get_or_create_global_step()
    lr = noam_scheme(self.hp.lr, global_step, self.hp.warmup_steps)
    optimizer = tf.train.AdamOptimizer(lr)
    train_op = optimizer.minimize(loss, global_step=global_step)

    tf.summary.scalar('lr', lr)
    tf.summary.scalar("loss", loss)
    tf.summary.scalar("global_step", global_step)

    summaries = tf.summary.merge_all()

    return loss, train_op, global_step, summaries

def eval(self, xs, ys):
    '''
    回归预测,推理中忽略输入
    :param xs: 
    :param ys: 
    :return: 
    '''
    decoder_inputs, y, y_seqlen, sents2 = ys

    decoder_inputs = tf.ones((tf.shape(xs[0])[0], 1), tf.int32) * self.token2idx["<s>"]
    ys = (decoder_inputs, y, y_seqlen, sents2)

    memory, sents1 = self.encode(xs, False)

    logging.info("Inference graph is being built. Please be patient.")
    for _ in tqdm(range(self.hp.maxlen2)):
        logits, y_hat, y, sents2 = self.decode(ys, memory, False)
        if tf.reduce_sum(y_hat, 1) == self.token2idx["<pad>"]: break

        _decoder_inputs = tf.concat((decoder_inputs, y_hat), 1)
        ys = (_decoder_inputs, y, y_seqlen, sents2)

    # monitor a random sample
    n = tf.random_uniform((), 0, tf.shape(y_hat)[0] - 1, tf.int32)
    sent1 = sents1[n]
    pred = convert_idx_to_token_tensor(y_hat[n], self.idx2token)
    sent2 = sents2[n]

    tf.summary.text("sent1", sent1)
    tf.summary.text("pred", pred)
    tf.summary.text("sent2", sent2)
    summaries = tf.summary.merge_all()

    return y_hat, summaries

到此为止,整个Transformer就搭建完毕,接下来要做的就是训练和调试。我在想要不要花一天时间训练,还是找一个更成熟的demo来做。
接下来要安装Pytorch,因为AllenNLP已经做好了这些。

©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 213,186评论 6 492
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 90,858评论 3 387
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 158,620评论 0 348
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 56,888评论 1 285
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 66,009评论 6 385
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 50,149评论 1 291
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 39,204评论 3 412
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 37,956评论 0 268
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 44,385评论 1 303
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 36,698评论 2 327
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 38,863评论 1 341
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 34,544评论 4 335
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 40,185评论 3 317
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 30,899评论 0 21
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 32,141评论 1 267
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 46,684评论 2 362
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 43,750评论 2 351

推荐阅读更多精彩内容