当前位置:   article > 正文

NLP-文本匹配-2016:MaLSTM(ManhaĴan LSTM,孪生神经网络模型)【语句相似度计算:用于文本对比,内容推荐,重复内容判断】【将原本的计算余弦相似度改为一个线性层来计算相似度】_神经网络 语句相似度

神经网络 语句相似度

《MaLSTM原始论文:Siamese Recurrent Architectures for Learning Sentence Similarity》

MaLSTM模型(ManhaĴan LSTM,孪生神经网络)

介绍模型的构建之前,我们先介绍下孪生神经网络(Siamese Network)和其名字的由来。

孪生神经网络(Siamese Network)和其名字的由来:Siamese和Chinese有点像。Siamese是古时候泰国的称呼,中文译作暹罗。Siamese在英语中是“孪生”、“连体”的意思。为什么孪生和泰国有关系呢?

十九世纪泰国出生了一对连体婴儿,当时的医学技术无法使两人分离出来,于是两人顽强地生活了一生,1829年被英国商人发现,进入马戏团,在全世界各地表演,1839年他们访问美国北卡罗莱那州后来成为马戏团的台柱,最后成为美国公民。1843年4月13日跟英国一对姐妹结婚,恩生了10个小孩,昌生了12个,姐妹吵架时,兄弟就要轮流到每个老婆家住三天。1874年恩因肺病去世,另一位不久也去世,两人均于63岁离开人间。两人的肝至今仍保存在费城的马特博物馆内。从此之后“暹罗双胞胎”(Siamese twins)就成了连体人的代名词,也因为这对双胞胎让全世界都重视到这项特殊疾病。

所以孪生神经网络就是有两个共享权值的网络的组成,或者只用实现一个,另一个直接调用,有两个输入,一个输出。1993年就已经被用来进行支票签名的验证。

孪生神经网络通过两个输入,被DNN进行编码,得到向量的表示之后,根据实际的用途来制定损失函数。比如我们需要计算相似度的时候,可以使用余弦相似度,或者使用 e x p ( − ∣ ∣ h l e f t − h r i g h t ∣ ∣ ) exp({-||h^{left}-h^{right}||)} exp(hlefthright)来确定向量的距离。

孪生神经网络被用于有多个输入和一个输出的场景,比如手写字体识别、文本相似度检验、人脸识别等

在计算相似度之前,我们可以考虑在传统的孪生神经网络的基础上,在计算相似度之前,把我们的编码之后的向量通过多层神经网络进行非线性的变化,结果往往会更加好,那么此时其网络结构大致如下:

在这里插入图片描述

其中Network1和network2为权重参数共享的两个形状相同的网络,用来对输入的数据进行编码,包括(word-embedding,GRU,biGRU等),Network3部分是一个深层的神经网络,包含(batchnorm、dropout、relu、Linear等层)

MaLSTM指的是将原本的计算余弦相似度改为一个线性层来计算相似度,由于使用的是线性层,所以可以尽可能的保留了向量的空间语义关系

3. 代码实现

3.1 数据准备

3.1.1 对文本进行分词分开存储

这里的分词可以对之前的分词方法进行修改

def cut_sentence_by_word(sentence):
    # 对中文按照字进行处理,对英文不分为字母
    letters = string.ascii_lowercase + "+" + "/"  # c++,ui/ue
    result = []
    temp = ""
    for word in line:
        if word.lower() in letters:
            temp += word.lower()
        else:
            if temp != "":
                result.append(temp)
                temp = ""
            result.append(word)
    if temp != "":
        result.append(temp)
    return result

def jieba_cut(sentence,by_word=False,with_sg=False,use_stopwords=False):
    if by_word:
        return cut_sentence_by_word(sentence)
    ret = psg.lcut(sentence)
    if use_stopwords:
        ret = [(i.word, i.flag) for i in ret if i.word not in stopwords_list]
    if not with_sg:
        ret = [i[0] for i in ret]
    return ret
  • 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
3.1.2 准备word Sequence代码

该处的代码和seq2seq中的代码相同,直接使用

3.1.3 准备DatasetDataLoader

和seq2seq中的代码大致相同

3.2 模型的搭建

前面做好了准备工作之后,就需要开始进行模型的搭建。

虽然我们知道了整个结构的大致情况,但是我们还是不知道其中具体的细节。

2016年AAAI会议上,有一篇Siamese Recurrent Architectures for Learning Sentence Similarity的论文(地址:https://www.aaai.org/ocs/index.php/AAAI/AAAI16/paper/download/12195/12023)。整个结构如下图:

在这里插入图片描述

可以看到word 经过embedding之后进行LSTM的处理,然后经过exp来确定相似度,可以看到整个模型是非常简单的,之后很多人在这个结构上增加了更多的层,比如加入attention、dropout、pooling等层。

那么这个时候,请思考下面几个问题:

  1. attention在这个网络结构中该如何实现

    • 之前我们的attention是用在decoder中,让decoder的hidden和encoder的output进行运算,得到attention的weight,再和decoder的output进行计算,作为下一次decoder的输入

    • 那么在当前我们可以把句子A的output理解为句子B的encoder的output,那么我们就可以进行attention的计算了

      和这个非常相似的有一个attention的变种,叫做self attention。前面所讲的Attention是基于source端和target端的隐变量(hidden state)计算Attention的,得到的结果是源端的每个词与目标端每个词之间的依赖关系。Self Attention不同,它分别在source端和target端进行,仅与source input或者target input自身相关的Self Attention,捕捉source端或target端自身的词与词之间的依赖关系。

  2. dropout用在什么地方

    • dropout可以用在很多地方,比如embedding之后
    • BiGRU结构中
    • 或者是相似度计算之前
  3. pooling是什么如何使用

    • pooling叫做池化,是一种降采样的技术,用来减少特征(feature)的数量。常用的方法有max pooling 或者是average pooling
3.2.1 编码部分
    def forward(self, *input):
        
        sent1, sent2 = input[0], input[1]
        #这里使用mask,在后面计算attention的时候,让其忽略pad的位置
        mask1, mask2 = sent1.eq(0), sent2.eq(0)

        # embeds: batch_size * seq_len => batch_size * seq_len * batch_size
        x1 = self.embeds(sent1)
        x2 = self.embeds(sent2)

        # batch_size * seq_len * dim => batch_size * seq_len * hidden_size
        output1, _ = self.lstm1(x1)
        output2, _ = self.lstm1(x2)

        # 进行Attention的操作,同时进行形状的对齐
        # batch_size * seq_len * hidden_size
        q1_align, q2_align = self.soft_attention_align(output1, output2, mask1, mask2)

        # 拼接之后再传入LSTM中进行处理
        # batch_size * seq_len * (8 * hidden_size)
        q1_combined = torch.cat([output1, q1_align, self.submul(output1, q1_align)], -1)
        q2_combined = torch.cat([output2, q2_align, self.submul(output2, q2_align)], -1)

        # batch_size * seq_len * (2 * hidden_size)
        q1_compose, _ = self.lstm2(q1_combined)
        q2_compose, _ = self.lstm2(q2_combined)

        # 进行Aggregate操作,也就是进行pooling
        # input: batch_size * seq_len * (2 * hidden_size)
        # output: batch_size * (4 * hidden_size)
        q1_rep = self.apply_pooling(q1_compose)
        q2_rep = self.apply_pooling(q2_compose)

		# Concate合并到一起,用来进行计算相似度
        x = torch.cat([q1_rep, q2_rep], -1)
        
   def submul(self,x1,x2):
        mul = x1 * x2
        sub = x1 - x2
        return torch.cat([sub,mul],dim=-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
  • 27
  • 28
  • 29
  • 30
  • 31
  • 32
  • 33
  • 34
  • 35
  • 36
  • 37
  • 38
  • 39
  • 40
atttention的计算

实现思路:

  1. 先获取attention_weight
  2. 在使用attention_weight和encoder_output进行相乘
    def soft_attention_align(self, x1, x2, mask1, mask2):
        '''
        x1: batch_size * seq_len_1 * hidden_size
        x2: batch_size * seq_len_2 * hidden_size
        mask1:x1中pad的位置为1,其他为0
        mask2:x2中pad 的位置为1,其他为0
        '''
        # attention: batch_size * seq_len_1 * seq_len_2
        attention_weight = torch.matmul(x1, x2.transpose(1, 2))
        #mask1 : batch_size,seq_len1
        mask1 = mask1.float().masked_fill_(mask1, float('-inf'))
        #mask2 : batch_size,seq_len2
        mask2 = mask2.float().masked_fill_(mask2, float('-inf'))

        # weight: batch_size * seq_len_1 * seq_len_2
        weight1 = F.softmax(attention_weight + mask2.unsqueeze(1), dim=-1)
        #batch_size*seq_len_1*hidden_size
        x1_align = torch.matmul(weight1, x2)
        
        #同理,需要对attention_weight进行permute操作
        weight2 = F.softmax(attention_weight.transpose(1, 2) + mask1.unsqueeze(1), dim=-1)
        x2_align = torch.matmul(weight2, x1)
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
  • 9
  • 10
  • 11
  • 12
  • 13
  • 14
  • 15
  • 16
  • 17
  • 18
  • 19
  • 20
  • 21
  • 22
Pooling实现

池化的过程有一个窗口的概念在其中,所以max 或者是average指的是窗口中的值取最大值还是取平均估值。整个过程可以理解为拿着窗口在源数据上取值

窗口有窗口大小(kernel_size,窗口多大)和步长(stride,每次移动多少)两个概念

  • >>> input = torch.tensor([[[1,2,3,4,5,6,7]]])
    >>> F.avg_pool1d(input, kernel_size=3, stride=2)
    tensor([[[ 2.,  4.,  6.]]]) #[1,2,3] [3,4,5] [5,6,7]的平均估值
    
    • 1
    • 2
    • 3

在这里插入图片描述

def apply_pooling(self, x):
    # input: batch_size * seq_len * (2 * hidden_size)
    #进行平均池化
    p1 = F.avg_pool1d(x.transpose(1, 2), x.size(1)).squeeze(-1)
    #进行最大池化
    p2 = F.max_pool1d(x.transpose(1, 2), x.size(1)).squeeze(-1)
    # output: batch_size * (4 * hidden_size)
    return torch.cat([p1, p2], 1)
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
相似度计算部分

相似度的计算我们可以使用一个传统的距离计算公式,或者是exp的方法来实现,但是其效果不一定好,所以这里我们使用一个深层的神经网络来实现,使用pytorch中的Sequential对象来实现非常简单

self.fc = nn.Sequential(
    nn.BatchNorm1d(self.hidden_size * 8),
    
    nn.Linear(self.hidden_size * 8, self.linear_size),
    nn.ELU(inplace=True),
    nn.BatchNorm1d(self.linear_size),
    nn.Dropout(self.dropout),
    
    nn.Linear(self.linear_size, self.linear_size),
    nn.ELU(inplace=True),
    nn.BatchNorm1d(self.linear_size),
    nn.Dropout(self.dropout),
    
    nn.Linear(self.linear_size, 2),
    nn.Softmax(dim=-1)
)
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
  • 9
  • 10
  • 11
  • 12
  • 13
  • 14
  • 15
  • 16

在上述过程中,我们使用了激活函数ELU,而没有使用RELU,因为在有噪声的数据中ELU的效果往往会更好。

E L U ( ∗ x ∗ ) = m a x ( 0 , x ) + m i n ( 0 , α ∗ ( e x p ( x ) − 1 ) ) ELU(*x*)=max(0,x)+min(0,α∗(exp(x)−1)) ELU(x)=max(0,x)+min(0,α(exp(x)1)),其中 α \alpha α在torch中默认值为1。

通过下图可以看出他和RELU的区别,RELU在小于0的位置全部为0,但是ELU在小于零的位置是从0到-1的。可以理解为正常的数据汇总难免出现噪声,小于0的值,而RELU会直接把他处理为0,认为其实正常值,但是ELU却会保留他,所以ELU比RELU更有鲁棒性

在这里插入图片描述
模型结构完整代码:

"""
实现排序模型
"""
import torch
import torch.nn as nn
import torch.nn.functional as F
import config

# MaLSTM神经网络
class DnnSort(nn.Module):
    def __init__(self):
        super(DnnSort, self).__init__()

        self.embedding = nn.Embedding(num_embeddings=len(config.dnn_ws), embedding_dim=300, padding_idx=config.dnn_ws.PAD)
        self.lstm1 = nn.LSTM(
            input_size=300,
            hidden_size=config.dnnsort_hidden_size,
            num_layers=config.dnnsort_number_layers,
            dropout=config.dnnsort_lstm_dropout,
            bidirectional=config.dnnsort_bidriectional,
            batch_first=True
        )

        self.lstm2 = nn.LSTM(
            input_size=config.dnnsort_hidden_size * 8,
            hidden_size=config.dnnsort_hidden_size,
            num_layers=config.dnnsort_number_layers,
            dropout=config.dnnsort_lstm_dropout,
            bidirectional=False,
            batch_first=True
        )

        # 把编码之后的结果进行DNN,得到 不同类别的概率
        self.fc = nn.Sequential(
            nn.BatchNorm1d(config.dnnsort_hidden_size * 4),

            nn.Linear(config.dnnsort_hidden_size * 4, config.dnnsort_hidden_size * 2),
            nn.ELU(inplace=True),
            nn.BatchNorm1d(config.dnnsort_hidden_size * 2),
            nn.Dropout(config.dnnsort_lstm_dropout),

            nn.Linear(config.dnnsort_hidden_size * 2, config.dnnsort_hidden_size * 2),
            nn.ELU(inplace=True),
            nn.BatchNorm1d(config.dnnsort_hidden_size * 2),
            nn.Dropout(config.dnnsort_lstm_dropout),

            nn.Linear(config.dnnsort_hidden_size * 2, 2),
            # nn.Softmax(dim=-1)
        )

    def forward(self, *input):
        sent1, sent2 = input
        #这里使用mask,在后面计算attention的时候,让其忽略pad的位置
        mask1 = sent1.eq(config.dnn_ws.PAD)
        mask2 = sent2.eq(config.dnn_ws.PAD)

        sent1_embeded = self.embedding(sent1)
        sent2_embeded = self.embedding(sent2)

        # 输入的2个句子向量sent1_embeded、sent2_embeded都通过同一个共享网络:lstm1
        output1, _ = self.lstm1(sent1_embeded)  # [batch_size,seq_len_1,hidden_size*2]
        output2, _ = self.lstm1(sent2_embeded)  # [batch_size,seq_len_2,hidden_size*2]
        output1_align, output2_align = self.soft_attention_align(output1, output2, mask1, mask2)

        # 得到attention result
        # _output1:[batch_size,seq_len1,hidden_size*8]
        # _output2:[batch_size,seq_len2,hidden_size*8]
        _output1 = torch.cat([output1, output1_align, self.submul(output1, output1_align)], dim=-1)
        _output2 = torch.cat([output2, output2_align, self.submul(output2, output2_align)], dim=-1)

        # 通过lstm2处理
        output1_composed, _ = self.lstm2(_output1)  # 将形状还原为[batch_size,seq_len1,hidden_size]
        output2_composed, _ = self.lstm2(_output2)  # 将形状还原为[batch_size,seq_len2,hidden_size]

        # 池化【将seq_len1/seq_len2这个维度去掉,防止sent1与sent2句子长度不一致导致的权重不一致】
        output1_pooled = self.apply_pooling(output1_composed)
        output2_pooled = self.apply_pooling(output2_composed)

        x = torch.cat([output1_pooled, output2_pooled], dim=-1)  # [bathc-Size,hidden_size*4]

        result = self.fc(x)

        return result

    def apply_pooling(self, input):
        """
        在seq_len的维度进行池化
        :param input: batch_size,seq_len,hidden_size
        :return:
        """
        avg_output = F.avg_pool1d(input.transpose(1, 2), input.size(1)).squeeze(-1)  # [batch_size,hidden_size]
        max_output = F.max_pool1d(input.transpose(1, 2), input.size(1)).squeeze(-1)
        return torch.cat([avg_output, max_output], dim=-1)  # [batch_size,hidden_size*2]

    def submul(self, x1, x2):
        _sub = x1 - x2
        _mul = x1 * x2
        return torch.cat([_sub, _mul], dim=-1)  # [batch_size,seq_len,hidden_size*4]

    def soft_attention_align(self, x1, x2, mask1, mask2):
        """
        进行互相attention,返回context vector
        :param x1: [batch_size,seq_len_1,hidden_size*2]
        :param x2: [batch_size,seq_len_2,hidden_size*2]
        :param mask1: 【batch_size,seq_len1】
        :param mask2: [batch_size,seq_len2】
        :return:
        """
        # 0. 把mask替换为-inf
        mask1 = mask1.float().masked_fill_(mask1, float("-inf"))
        mask2 = mask2.float().masked_fill_(mask2, float("-inf"))

        # 1. 把一个作为encoder,另一个作为decoder

        # 1. attenion weight:[batch_size,seq_len_2,seq_len_1]
        attention_anergies = torch.bmm(x2, x1.transpose(1, 2))  # [batch_size,seq_len2,seq_len1]

        # 把x1作为encoder,x2作为decoder
        weight1 = F.softmax(attention_anergies + mask1.unsqueeze(1), dim=-1)  # [batch_size,seq_len2,seq_len1]
        # 2. 得到context vector
        x2_align = torch.bmm(weight1, x1)  # [batch_size,seq_len2,hidden_size*2]

        # 把x2作为encoder,x1作为decoder
        weight2 = F.softmax(attention_anergies.transpose(1, 2) + mask2.unsqueeze(1), dim=-1)  # [batch_size,seq_len1,seq_len2]
        x1_align = torch.bmm(weight2, x2)  # [batch_size,seq_len1,hidden_Szie*2]
        return x1_align, x2_align
  • 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

3.3 模型的训练

损失函数部分

在孪生神经网络中我们经常会使用对比损失(Contrastive Loss),作为损失函数,对比损失是Yann LeCun提出的用来判断数据降维之后和源数据是否相似的问题。在这里我们用它来判断两个句子的表示是否相似。

对比损失的计算公式如下:
L = 1 2 N ∑ n = 1 N ( y d 2 + ( 1 − y ) m a x ( m a r g i n − d , 0 ) 2 ) L = \cfrac{1}{2N}\sum^N_{n=1}(yd^2 + (1-y)max(margin-d,0)^2) L=2N1n=1N(yd2+(1y)max(margind,0)2)
其中 d = ∣ ∣ a n − b n ∣ ∣ 2 d = ||a_n-b_n||_2 d=anbn2,代表两个两本特征的欧氏距离,y表示是否匹配,y=1表示匹配,y=0表示不匹配,margin是一个阈值,比如margin=1。

上式可分为两个部分,即:

  1. y = 1时,只剩下左边, ∑ y d 2 \sum yd^2 yd2,即相似的样本,如果距离太大,则效果不好,损失变大
  2. y=0的时候,只剩下右边部分,即样本不相似的时候,如果距离小的话,效果反而不好,损失变大

下图红色是相似样本的损失,蓝色是不相似样本的损失

在这里插入图片描述

但是前面我们已经计算出了相似度,所以在这里我们有两个操作

  1. 使用前面的相似度的结果,把整个问题转化为分类(相似,不相似)的问题,或者是转化为回归问题(相似度是多少)
  2. 不是用前面相似度的计算结果部分,只用编码之后的结果,然后使用对比损失。最后在获取距离的时候使用欧氏距离来计算器相似度
使用DNN+均方误差来计算得到结果
def train(model,optimizer,loss_func,epoch):
    model.tarin()
        for batch_idx, (q,simq,q_len,simq_len,sim) in enumerate(train_loader):
            optimizer.zero_grad()
        	output = model(q.to(config.device),simq.to(config.device))
            loss = loss_func(output,sim.to(config.deivce))
            loss.backward()
            optimizer.step()
            if batch_idx%100==0:
            	print("...")
            	torch.save(model.state_dict(), './DNN/data/model_paramters.pkl')
                torch.save(optimizer.state_dict(),"./DNN/data/optimizer_paramters.pkl")

            
model = SiameseNetwork().cuda()
loss =  torch.nn.MSELoss()
optimizer = optim.Adam(model.parameters(), lr=0.001)
for epoch in range(1,config.epoch+1):
    train(model,optimizer,loss,epoch)
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
  • 9
  • 10
  • 11
  • 12
  • 13
  • 14
  • 15
  • 16
  • 17
  • 18
  • 19
使用对比损失来计算得到结果
#contrastive_loss.py
import torch
import torch.nn
class ContrastiveLoss(torch.nn.Module):
    """
    Contrastive loss function.
    """

    def __init__(self, margin=1.0):
        super(ContrastiveLoss, self).__init__()
        self.margin = margin

    def forward(self, x0, x1, y):
        # 欧式距离
        diff = x0 - x1
        dist_sq = torch.sum(torch.pow(diff, 2), 1)
        dist = torch.sqrt(dist_sq)

        mdist = self.margin - dist
        #clamp(input,min,max),和numpy中裁剪的效果相同
        dist = torch.clamp(mdist, min=0.0)
        loss = y * dist_sq + (1 - y) * torch.pow(dist, 2)
        loss = torch.sum(loss) / 2.0 / x0.size()[0]
        return loss
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
  • 9
  • 10
  • 11
  • 12
  • 13
  • 14
  • 15
  • 16
  • 17
  • 18
  • 19
  • 20
  • 21
  • 22
  • 23
  • 24

之后只需要把原来的损失函数改为当前的损失函数即可




参考资料:
原文GitHub代码

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/繁依Fanyi0/article/detail/532569
推荐阅读
相关标签
  

闽ICP备14008679号