凯发娱发k8

[论文解读] 阿里dien整体代码结构 -凯发娱发k8

2023-08-16,,

目录
[论文解读] 阿里dien整体代码结构
0x00 摘要
0x01 文件简介
0x02 总体架构
0x03 总体代码
0x04 模型基类
4.1 基本逻辑
4.2 模块分析
4.2.1 构建变量
4.2.2 构建embedding
4.2.3 拼接embedding
0x05 model_din_v2_gru_vec_attgru_neg
5.1 第一层 'rnn_1'
5.1.1 gru
5.1.2 辅助损失
5.1.3 mask的作用
padding mask
sequence mask
5.2 第二层 'attention_layer_1'
5.2.1 attention机制
5.2.2 attention layer
5.2.3 vecattgrucell
5.2.4 计算兴趣进化过程
5.2.5 计算全联接层输入
0x06 全连接层
0x07 训练模型
0xff 参考

0x00 摘要

dien是阿里深度兴趣进化网络(deep interest evolution network)的缩写。

本文将分析dien源码整体思路。因为dien是在din基础上演化,所以代码有大部分重复。

本文采用的是 https://github.com/mouna99/dien 中的实现。

0x01 文件简介

数据文件主要包括:

uid_voc.pkl:用户字典,用户名对应的id;
mid_voc.pkl:movie字典,item对应的id;
cat_voc.pkl:种类字典,category对应的id;
item-info:item对应的category信息;
reviews-info:review 元数据,格式为:userid,itemid,评分,时间戳,用于进行负采样的数据;
local_train_splitbyuser:训练数据,一行格式为:label、用户名、目标item、 目标item类别、历史item、历史item对应类别;
local_test_splitbyuser:测试数据,格式同训练数据;

代码主要包含:

rnn.py:对tensorflow中原始的rnn进行修改,目的是将attention同rnn进行结合
vecattgrucell.py: 对gru源码进行修改,将attention加入其中,设计augru结构
data_iterator.py: 数据迭代器,用于数据的不断输入
utils.py:一些辅助函数,如dice激活函数、attention score计算等
model.py:dien模型文件
train.py:模型的入口,用于训练数据、保存模型和测试数据

0x02 总体架构

首先还是要从论文中摘取架构图进行说明。

深度兴趣进化网络分为几层,从下到上依次是:

行为序列层(behavior layer):主要作用是将用户浏览过的商品转换成对应的embedding,并且按照浏览时间做排序,即把原始的id类行为序列特征转换成embedding行为序列;
兴趣抽取层(interest extractor layer):主要作用是通过模拟用户的兴趣迁移过程,基于行为序列提取用户兴趣序列;
兴趣进化层(interest evolving layer):主要作用是通过在兴趣抽取层基础上加入attention机制,模拟与当前目标广告相关的兴趣进化过程,对与目标物品相关的兴趣演化过程进行建模;
将兴趣表示和ad、user profile、context的embedding向量进行拼接。最后使用mlp完成最后的预测;

0x03 总体代码

dien代码是从train.py开始。train.py 先用初始模型评估一遍测试集,然后调用 train:

获取 训练数据 和 测试数据,这两个都是数据迭代器,用于数据的不断输入
根据 model_type 生成相应的model
按照batch训练,每1000次评估测试集。

代码如下:

def train(
train_file = "local_train_splitbyuser",
test_file = "local_test_splitbyuser",
uid_voc = "uid_voc.pkl",
mid_voc = "mid_voc.pkl",
cat_voc = "cat_voc.pkl",
batch_size = 128,
maxlen = 100,
test_iter = 100,
save_iter = 100,
model_type = 'dnn',
seed = 2,
): with tf.session(config=tf.configproto(gpu_options=gpu_options)) as sess:
## 训练数据
train_data = dataiterator(train_file, uid_voc, mid_voc, cat_voc, batch_size, maxlen, shuffle_each_epoch=false)
## 测试数据
test_data = dataiterator(test_file, uid_voc, mid_voc, cat_voc, batch_size, maxlen)
n_uid, n_mid, n_cat = train_data.get_n() ...... elif model_type == 'dien':
model = model_din_v2_gru_vec_attgru_neg(n_uid, n_mid, n_cat, embedding_dim, hidden_size, attention_size) ...... sess.run(tf.global_variables_initializer())
sess.run(tf.local_variables_initializer()) iter = 0
lr = 0.001
for itr in range(3):
loss_sum = 0.0
accuracy_sum = 0.
aux_loss_sum = 0.
for src, tgt in train_data:
uids, mids, cats, mid_his, cat_his, mid_mask, target, sl, noclk_mids, noclk_cats = prepare_data(src, tgt, maxlen, return_neg=true)
loss, acc, aux_loss = model.train(sess, [uids, mids, cats, mid_his, cat_his, mid_mask, target, sl, lr, noclk_mids, noclk_cats])
loss_sum = loss
accuracy_sum = acc
aux_loss_sum = aux_loss
iter = 1
if (iter % test_iter) == 0:
eval(sess, test_data, model, best_model_path)
loss_sum = 0.0
accuracy_sum = 0.0
aux_loss_sum = 0.0
if (iter % save_iter) == 0:
model.save(sess, model_path "--" str(iter))
lr *= 0.5

0x04 模型基类

模型的基类是 model,其构造函数__init__可以理解为 行为序列层(behavior layer):主要作用是将用户浏览过的商品转换成对应的embedding,并且按照浏览时间做排序,即把原始的id类行为序列特征转换成embedding行为序列。

4.1 基本逻辑

基本逻辑如下:

在 'inputs' scope下,构建各种 placeholder 变量;
在 'embedding_layer' scope下,构建user, item的embedding lookup table,将输入数据转换为对应的embedding;
把 各种 embedding vector 结合起来,比如将item的id对应的embedding 以及 item对应的cateid的embedding进行拼接,共同作为item的embedding;

4.2 模块分析

下面的 b 是 batch size,t 是序列长度,h 是hidden size,程序中初始化变量如下:

embedding_dim = 18
hidden_size = 18 * 2
attention_size = 18 * 2
best_auc = 0.0

4.2.1 构建变量

首先是构建placeholder变量。

with tf.name_scope('inputs'):
# shape: [b, t] #用户行为特征(user behavior)中的 movie id 历史行为序列。t为序列长度
self.mid_his_batch_ph = tf.placeholder(tf.int32, [none, none], name='mid_his_batch_ph')
# shape: [b, t] #用户行为特征(user behavior)中的 category id 历史行为序列。t为序列长度
self.cat_his_batch_ph = tf.placeholder(tf.int32, [none, none], name='cat_his_batch_ph')
# shape: [b], user id 序列。 (b:batch size)
self.uid_batch_ph = tf.placeholder(tf.int32, [none, ], name='uid_batch_ph')
# shape: [b], movie id 序列。 (b:batch size)
self.mid_batch_ph = tf.placeholder(tf.int32, [none, ], name='mid_batch_ph')
# shape: [b], category id 序列。 (b:batch size)
self.cat_batch_ph = tf.placeholder(tf.int32, [none, ], name='cat_batch_ph')
self.mask = tf.placeholder(tf.float32, [none, none], name='mask')
# shape: [b]; sl:sequence length,user behavior中序列的真实序列长度(?)
self.seq_len_ph = tf.placeholder(tf.int32, [none], name='seq_len_ph')
# shape: [b, t], y: 目标节点对应的 label 序列, 正样本对应 1, 负样本对应 0
self.target_ph = tf.placeholder(tf.float32, [none, none], name='target_ph')
# 学习速率
self.lr = tf.placeholder(tf.float64, [])
self.use_negsampling =use_negsampling
if use_negsampling:
self.noclk_mid_batch_ph = tf.placeholder(tf.int32, [none, none, none], name='noclk_mid_batch_ph') #generate 3 item ids from negative sampling.
self.noclk_cat_batch_ph = tf.placeholder(tf.int32, [none, none, none], name='noclk_cat_batch_ph')

具体各种shape可以参见下面运行时变量

self = {model_din_v2_gru_vec_attgru_neg}
cat_batch_ph = {tensor} tensor("inputs/cat_batch_ph:0", shape=(?,), dtype=int32)
uid_batch_ph = {tensor} tensor("inputs/uid_batch_ph:0", shape=(?,), dtype=int32)
mid_batch_ph = {tensor} tensor("inputs/mid_batch_ph:0", shape=(?,), dtype=int32) cat_his_batch_ph = {tensor} tensor("inputs/cat_his_batch_ph:0", shape=(?, ?), dtype=int32)
mid_his_batch_ph = {tensor} tensor("inputs/mid_his_batch_ph:0", shape=(?, ?), dtype=int32) lr = {tensor} tensor("inputs/placeholder:0", shape=(), dtype=float64)
mask = {tensor} tensor("inputs/mask:0", shape=(?, ?), dtype=float32)
seq_len_ph = {tensor} tensor("inputs/seq_len_ph:0", shape=(?,), dtype=int32)
target_ph = {tensor} tensor("inputs/target_ph:0", shape=(?, ?), dtype=float32) noclk_cat_batch_ph = {tensor} tensor("inputs/noclk_cat_batch_ph:0", shape=(?, ?, ?), dtype=int32)
noclk_mid_batch_ph = {tensor} tensor("inputs/noclk_mid_batch_ph:0", shape=(?, ?, ?), dtype=int32) use_negsampling = {bool} true

4.2.2 构建embedding

然后是构建user, item的embedding lookup table,将输入数据转换为对应的embedding,就是把稀疏特征转换为稠密特征。关于 embedding 层的原理和代码分析,本系列会有专文讲解

后续的 u 是user_id的hash bucket size,i 是item_id的hash bucket size,c 是cat_id的hash bucket size。

注意 self.mid_his_batch_ph这样的变量 保存用户的历史行为序列, 大小为 [b, t],所以在进行 embedding_lookup 时,输出大小为 [b, t, h/2];

# embedding layer
with tf.name_scope('embedding_layer'):
# shape: [u, h/2], user_id的embedding weight. u是user_id的hash bucket size,即user count
self.uid_embeddings_var = tf.get_variable("uid_embedding_var", [n_uid, embedding_dim])
# 从uid embedding weight 中取出 uid embedding vector
self.uid_batch_embedded = tf.nn.embedding_lookup(self.uid_embeddings_var, self.uid_batch_ph) # shape: [i, h/2], item_id的embedding weight. i是item_id的hash bucket size,即movie count
self.mid_embeddings_var = tf.get_variable("mid_embedding_var", [n_mid, embedding_dim])
# 从mid embedding weight 中取出 uid embedding vector
self.mid_batch_embedded = tf.nn.embedding_lookup(self.mid_embeddings_var, self.mid_batch_ph)
# 从mid embedding weight 中取出 mid history embedding vector,是正样本
# 注意 self.mid_his_batch_ph这样的变量 保存用户的历史行为序列, 大小为 [b, t],所以在进行 embedding_lookup 时,输出大小为 [b, t, h/2];
self.mid_his_batch_embedded = tf.nn.embedding_lookup(self.mid_embeddings_var, self.mid_his_batch_ph)
# 从mid embedding weight 中取出 mid history embedding vector,是负样本
if self.use_negsampling:
self.noclk_mid_his_batch_embedded = tf.nn.embedding_lookup(self.mid_embeddings_var, self.noclk_mid_batch_ph) # shape: [c, h/2], cate_id的embedding weight. c是cat_id的hash bucket size
self.cat_embeddings_var = tf.get_variable("cat_embedding_var", [n_cat, embedding_dim])
# 从 cid embedding weight 中取出 cid history embedding vector,是正样本
self.cat_batch_embedded = tf.nn.embedding_lookup(self.cat_embeddings_var, self.cat_batch_ph)
# 从 cid embedding weight 中取出 cid embedding vector,是正样本
self.cat_his_batch_embedded = tf.nn.embedding_lookup(self.cat_embeddings_var, self.cat_his_batch_ph)
# 从 cid embedding weight 中取出 cid history embedding vector,是负样本
if self.use_negsampling:
self.noclk_cat_his_batch_embedded = tf.nn.embedding_lookup(self.cat_embeddings_var, self.noclk_cat_batch_ph)

具体各种shape可以参见下面运行时变量

self = {model_din_v2_gru_vec_attgru_neg}
cat_embeddings_var = {variable}
uid_embeddings_var = {variable}
mid_embeddings_var = {variable} cat_batch_embedded = {tensor} tensor("embedding_layer/embedding_lookup_4:0", shape=(?, 18), dtype=float32)
mid_batch_embedded = {tensor} tensor("embedding_layer/embedding_lookup_1:0", shape=(?, 18), dtype=float32)
uid_batch_embedded = {tensor} tensor("embedding_layer/embedding_lookup:0", shape=(?, 18), dtype=float32) cat_his_batch_embedded = {tensor} tensor("embedding_layer/embedding_lookup_5:0", shape=(?, ?, 18), dtype=float32)
mid_his_batch_embedded = {tensor} tensor("embedding_layer/embedding_lookup_2:0", shape=(?, ?, 18), dtype=float32) noclk_cat_his_batch_embedded = {tensor} tensor("embedding_layer/embedding_lookup_6:0", shape=(?, ?, ?, 18), dtype=float32)
noclk_mid_his_batch_embedded = {tensor} tensor("embedding_layer/embedding_lookup_3:0", shape=(?, ?, ?, 18), dtype=float32)

4.2.3 拼接embedding

这部分是把 各种 embedding vector 结合起来,比如将 item的id对应的embedding 以及 item对应的cateid的embedding 进行拼接,共同作为item的embedding;

关于shape的说明:

注意上一步中,self.mid_his_batch_ph这样的变量 保存用户的历史行为序列, 大小为 [b, t],所以在进行 embedding_lookup 时,输出大小为 [b, t, h/2]。
这里将 goods 和 cate 的 embedding 进行 concat, 得到 [b, t, h] 大小. 注意到 tf.concat 中的 axis 参数值为 2。

关于逻辑的说明:

第一步是 self.item_eb = tf.concat([self.mid_batch_embedded, self.cat_batch_embedded], 1) 即获取一个 batch 中目标节点对应的 embedding, 保存在 i_emb 中, 它由商品 (goods) 和类目 (cate) embedding 进行 concatenation。对应了架构图的:

第二步是 self.item_his_eb = tf.concat([self.mid_his_batch_embedded, self.cat_his_batch_embedded], 2) 逻辑上是 对 两个历史矩阵 进行处理, 这两个历史矩阵保存了用户的历史行为序列, 大小为 [b, t],所以在进行 embedding_lookup 时, 输出大小为 [b, t, h/2]。之后将 goods 和 cate 的 embedding 进行 concat, 得到 [b, t, h] 大小. 注意到 tf.concat 中的 axis 参数值为 2。对应了架构图的:

具体代码如下:

# 正样本的embedding拼接,正样本包括item和cate。即将目标节点对应的商品 embedding 和类目 embedding 进行 concatenation
self.item_eb = tf.concat([self.mid_batch_embedded, self.cat_batch_embedded], 1)
# 将 goods 和 cate 的 embedding 进行 concat, 得到 [b, t, h] 大小. 注意到 tf.concat 中的 axis 参数值为 2
self.item_his_eb = tf.concat([self.mid_his_batch_embedded, self.cat_his_batch_embedded], 2)
self.item_his_eb_sum = tf.reduce_sum(self.item_his_eb, 1) # 负样本的embedding拼接,负样本包括item和cate。即将目标节点对应的商品 embedding 和类目 embedding 进行 concatenation
if self.use_negsampling:
# 0 means only using the first negative item id. 3 item ids are inputed in the line 24.
self.noclk_item_his_eb = tf.concat(
[self.noclk_mid_his_batch_embedded[:, :, 0, :], self.noclk_cat_his_batch_embedded[:, :, 0, :]], -1)
# cat embedding 18 concate item embedding 18.
self.noclk_item_his_eb = tf.reshape(self.noclk_item_his_eb,
[-1, tf.shape(self.noclk_mid_his_batch_embedded)[1], 36])
self.noclk_his_eb = tf.concat([self.noclk_mid_his_batch_embedded, self.noclk_cat_his_batch_embedded], -1)
self.noclk_his_eb_sum_1 = tf.reduce_sum(self.noclk_his_eb, 2)
self.noclk_his_eb_sum = tf.reduce_sum(self.noclk_his_eb_sum_1, 1)

具体各种shape可以参见下面运行时变量

self = {model_din_v2_gru_vec_attgru_neg}
item_eb = {tensor} tensor("concat:0", shape=(?, 36), dtype=float32)
item_his_eb = {tensor} tensor("concat_1:0", shape=(?, ?, 36), dtype=float32)
item_his_eb_sum = {tensor} tensor("sum:0", shape=(?, 36), dtype=float32) noclk_item_his_eb = {tensor} tensor("reshape:0", shape=(?, ?, 36), dtype=float32)
noclk_his_eb = {tensor} tensor("concat_3:0", shape=(?, ?, ?, 36), dtype=float32)
noclk_his_eb_sum = {tensor} tensor("sum_2:0", shape=(?, 36), dtype=float32)
noclk_his_eb_sum_1 = {tensor} tensor("sum_1:0", shape=(?, ?, 36), dtype=float32)

0x05 model_din_v2_gru_vec_attgru_neg

model_din_v2_gru_vec_attgru_neg 是 dien 对应的模型,用户历史肯定是一个时间序列,将其喂入rnn,则最后一个状态可以认为包含了所有历史信息。因此,作者用一个双层的gru来建模用户兴趣。

model_din_v2_gru_vec_attgru_neg 的__init__函数就构建了这个双层gru,其代码逻辑是:

第一层 'rnn_1' 对应架构图中黄色部分,即兴趣抽取层(interest extractor layer)。
第二层 'attention_layer_1' 对应架构图中的红色部分的兴趣进化层(interest evolving layer),主要组件是 augru。

5.1 第一层 'rnn_1'

这一层对应架构图中黄色部分,即兴趣抽取层(interest extractor layer),主要组件是 gru

主要作用是通过模拟用户的兴趣迁移过程,基于行为序列提取用户兴趣序列。即将用户行为历史的item embedding输入到dynamic rnn(第一层gru)中,同时计算辅助loss,输出的就是用户各时刻的兴趣。

# rnn layer(-s)
with tf.name_scope('rnn_1'):
rnn_outputs, _ = dynamic_rnn(grucell(hidden_size), inputs=self.item_his_eb,
sequence_length=self.seq_len_ph, dtype=tf.float32,
scope="gru1") aux_loss_1 = self.auxiliary_loss(rnn_outputs[:, :-1, :], self.item_his_eb[:, 1:, :],
self.noclk_item_his_eb[:, 1:, :],
self.mask[:, 1:], stag="gru")
self.aux_loss = aux_loss_1

5.1.1 gru

gru如下,具体我们会另文介绍rnn。

5.1.2 辅助损失

辅助loss的计算其实是一个二分类模型,对应论文中:

具体来讲,就是利用 t 时刻的行为 b(t 1) 作为监督去学习隐含层向量 ht。正负样本分别代表了用户 点击/未点击 的第 t 个物品embedding向量。

利用真实的下一个行为作为正样本;
负例的选择或是从用户未交互过的商品中随机抽取,或是从已展示给用户但用户没有点击的商品中随机抽取;

代码中用到了 tf.concat([h_states, click_seq], -1),这里-1的意思是倒数第一维度增加,其余不变。

比如 (3,2,4) (3,2,4) 如果按照 -1 操作,则shape最后一维增加,变成 (3,2,8),这样就把两个tensor合并起来了。

具体代码如下:

def auxiliary_loss(self, h_states, click_seq, noclick_seq, mask, stag = none):
mask = tf.cast(mask, tf.float32)
# 倒数第一维度concat,其余不变
click_input_ = tf.concat([h_states, click_seq], -1)
# 倒数第一维度concat,其余不变
noclick_input_ = tf.concat([h_states, noclick_seq], -1)
# 获取正样本最后一个y_hat
click_prop_ = self.auxiliary_net(click_input_, stag = stag)[:, :, 0]
# 获取正样本最后一个y_hat
noclick_prop_ = self.auxiliary_net(noclick_input_, stag = stag)[:, :, 0]
# 对数损失,并且mask出真实历史行为
click_loss_ = - tf.reshape(tf.log(click_prop_), [-1, tf.shape(click_seq)[1]]) * mask
noclick_loss_ = - tf.reshape(tf.log(1.0 - noclick_prop_), [-1, tf.shape(noclick_seq)[1]]) * mask
loss_ = tf.reduce_mean(click_loss_ noclick_loss_)
return loss_ def auxiliary_net(self, in_, stag='auxiliary_net'):
bn1 = tf.layers.batch_normalization(inputs=in_, name='bn1' stag, reuse=tf.auto_reuse)
dnn1 = tf.layers.dense(bn1, 100, activation=none, name='f1' stag, reuse=tf.auto_reuse)
dnn1 = tf.nn.sigmoid(dnn1)
dnn2 = tf.layers.dense(dnn1, 50, activation=none, name='f2' stag, reuse=tf.auto_reuse)
dnn2 = tf.nn.sigmoid(dnn2)
dnn3 = tf.layers.dense(dnn2, 2, activation=none, name='f3' stag, reuse=tf.auto_reuse)
y_hat = tf.nn.softmax(dnn3) 0.00000001
return y_hat

5.1.3 mask的作用

关于mask的作用,这里结合 transformer 再说一下:

mask 表示掩码,它对某些值进行掩盖,使其在参数更新时不产生效果。transformer 模型里面涉及两种 mask,分别是 padding mask 和 sequence mask。其中,padding mask 在所有的 scaled dot-product attention 里面都需要用到,而 sequence mask 只有在 decoder 的 self-attention 里面用到。

padding mask

什么是 padding mask 呢?因为每个批次输入序列长度是不一样的也就是说,我们要对输入序列进行对齐。具体来说,就是给在较短的序列后面填充 0。但是如果输入的序列太长,则是截取左边的内容,把多余的直接舍弃。因为这些填充的位置,其实是没什么意义的,所以attention机制不应该把注意力放在这些位置上,需要进行一些处理。

具体的做法是,把这些位置的值加上一个非常大的负数(负无穷),这样的话,经过 softmax,这些位置的概率就会接近0!而我们的 padding mask 实际上是一个张量,每个值都是一个boolean,值为 false 的地方就是我们要进行处理的地方。

sequence mask

sequence mask 是为了使得 decoder 不能看见未来的信息。也就是对于一个序列,在 time_step 为 t 的时刻,我们的解码输出应该只能依赖于 t 时刻之前的输出,而不能依赖 t 之后的输出。因此我们需要想一个办法,把 t 之后的信息给隐藏起来。

那么具体怎么做呢?也很简单:产生一个上三角矩阵,上三角的值全为0。把这个矩阵作用在每一个序列上,就可以达到我们的目的。

对于 decoder 的 self-attention,里面使用到的 scaled dot-product attention,同时需要padding mask 和 sequence mask 作为 attn_mask,具体实现就是两个mask相加作为attn_mask。

其他情况,attn_mask 一律等于 padding mask。

din这里使用的是padding mask

5.2 第二层 'attention_layer_1'

第二层 'attention_layer_1' 对应架构图中的红色部分的兴趣进化层(interest evolving layer),主要组件是 augru

5.2.1 attention机制

attention机制是 :将source中的构成元素想象成是由一系列的< key,value >数据对构成,此时给定target中的某个元素query,通过计算query和各个key的相似性或者相关性,得到每个key对应value的权重系数,然后对value进行加权求和,即得到了最终的attention数值。所以本质上attention机制是对source中元素的value值进行加权求和,而query和key用来计算对应value的权重系数。即可以将其本质思想改写为如下公式:

当然,从概念上理解,把attention仍然理解为从大量信息中有选择地筛选出少量重要信息并聚焦到这些重要信息上,忽略大多不重要的信息,这种思路仍然成立。聚焦的过程体现在权重系数的计算上,权重越大越聚焦于其对应的value值上,即权重代表了信息的重要性,而value是其对应的信息。

另外一种理解是:也可以将attention机制看作一种软寻址(soft addressing):source可以看作存储器内存储的内容,元素由地址key和值value组成,当前有个key=query的查询,目的是取出存储器中对应的value值,即attention数值。通过query和存储器内元素key的地址进行相似性比较来寻址,之所以说是软寻址,指的不像一般寻址只从存储内容里面找出一条内容,而是可能从每个key地址都会取出内容,取出内容的重要性根据query和key的相似性来决定,之后对value进行加权求和,这样就可以取出最终的value值,也即attention值。所以不少研究人员将attention机制看作软寻址的一种特例,这也是非常有道理的。

至于attention机制的具体计算过程,如果对目前大多数方法进行抽象的话,可以将其归纳为两个过程:

第一个过程是根据query和key计算权重系数;
第二个过程根据权重系数对value进行加权求和。

而第一个过程又可以细分为两个阶段:

第一个小阶段根据query和key计算两者的相似性或者相关性;
第二个小阶段对第一阶段的原始分值进行归一化处理;

这样,可以将attention的计算过程抽象为如图展示的三个阶段。

在第一个阶段,可以引入不同的函数和计算机制,根据query和某个keyi,计算两者的相似性或者相关性。最常见的方法包括:求两者的向量点积、求两者的向量cosine相似性或者通过再引入额外的神经网络来求值,即如下方式:

第一阶段产生的分值根据具体产生的方法不同其数值取值范围也不一样。

第二阶段引入类似softmax的计算方式对第一阶段的得分进行数值转换,一方面可以进行归一化,将原始计算分值整理成所有元素权重之和为1的概率分布;另一方面也可以通过softmax的内在机制更加突出重要元素的权重。即一般采用如下公式计算:

第二阶段的计算结果ai即为valuei对应的权重系数,然后进行加权求和即可得到attention数值:

通过如上三个阶段的计算,即可求出针对query的attention数值,目前绝大多数具体的注意力机制计算方法都符合上述的三阶段抽象计算过程。

5.2.2 attention layer

dien 中,'attention_layer_1' 层的作用是:通过在兴趣抽取层基础上加入attention机制,模拟与当前目标广告相关的兴趣进化过程,对与目标物品相关的兴趣演化过程进行建模。即将第一层的输出,喂进第二层gru,并用attention score(基于第一层的输出向量与候选物料计算得出)来控制第二层的gru的update gate。

我们首先需要计算attention的score,后续会将其作为gru的一部分输入。

此处对应论文中

代码如下:

# attention layer
with tf.name_scope('attention_layer_1'):
att_outputs, alphas = din_fcn_attention(self.item_eb, rnn_outputs, attention_size, self.mask,
softmax_stag=1, stag='1_1', mode='list', return_alphas=true)

代码经过以下几个步骤得到用户的兴趣分布,可以理解为,一个query过来了,先根据此query和一系列候选物的key(fact) 计算相似度,然后根据相似度计算候选物的具体value:

如果time_major,则会进行转换:(t,b,d) => (b,t,d);
转换mask。
使用 tf.ones_like(mask) 构建一个和mask维度一样,元素都是 1 的张量;
使用 tf.equal 把mask从 int 类型转成 bool 类型。tf.equal作用是判断两个输入是否相等,相等是true,不等就是false;
转换query维度,将query变为和 facts 同样的形状b * t * h;这里 t 随着每个具体训练数据不同而不同,比如某一个用户的某一个时间序列长度是5,另一个时间序列是15;
query是[b, h],转换到 queries 维度为(b, t, h)。为了让pos_item和用户行为序列中每个元素计算权重。这里是用了 tf.tile(query, [1, tf.shape(facts)[1]])。tf.shape(keys)[1] 结果就是 t,query是[b, h],经过 tile,就是把第一维按照 t 展开,得到[b, t * h] ;
把 queries 进行 reshape ,转换成和 facts 相同的大小: [b, t, h];
在mlp之前多做一些捕获行为item和候选item之间关系的操作:加减乘除等。然后得到了local activation unit 的输入。即 候选广告 queries 对应的 emb,用户历史行为序列 facts 对应的 embed,再加上它们之间的交叉特征, 进行 concat 后的结果;
attention操作,目的是计算query和key的相关程度。通过三层神经网络得到queries和facts 中每个key的权重,这个dnn 网络的输出节点为 1;
最后一步 d_layer_3_all 的 shape 为 [b, t, 1];
然后 reshape 为 [b, 1, t], axis=2 这一维表示 t 个用户行为序列分别对应的权重参数;
attention的输出, [b, 1, t];
得到有真实意义的score;
使用 key_masks = tf.expand_dims(mask, 1) 把mask扩展维度,从 [b, t] 扩展到 [b, 1, t];
使用 tf.ones_like(scores) 构建一个和scores维度一样,元素都是 1 的张量;
padding的mask后补一个很小的负数,这样后面计算 softmax 时, e^{x} 结果就约等于 0;
进行 [b, 1, t] padding操作。为了忽略了padding对总体的影响,代码中利用tf.where将padding的向量(每个样本序列中空缺的商品)权重置为极小值(-2 ** 32 1),而不是0;
利用 tf.where(key_masks, scores, paddings) 来得到真正有意义的score;
scale 是 attention的标准操作,做完scaled后再送入softmax得到最终的权重。但是代码中没有用这部分,注销掉了;
经过softmax进行标准化,得到归一化后的权重;
这里已经得到了正确的权重 scores 以及用户历史行为序列 facts,所以通过weighted sum得到最终用户的兴趣表征;
如果是 sum mode,则进行矩阵相乘得到用户的兴趣表征;具体是scores 的大小为 [b, 1, t], 表示每条历史行为的权重,facts 为历史行为序列, 大小为 [b, t, h],两者用矩阵乘法做, 得到的结果 output 就是 [b, 1, h]。
否则 进行哈达码相乘
首先把 scores 进行reshape,从 [b, 1, h] 变化成 batch * time;
并且用expand_dims来把scores在最后增加一维;
然后进行哈达码积,[b, t, h] x [b, t, 1] = [b, t, h];
最后 reshape 成 batch * time * hidden size;

具体代码如下:

def din_fcn_attention(query, facts, attention_size, mask, stag='null', mode='sum', softmax_stag=1, time_major=false, return_alphas=false, forcnn=false):
'''
query :候选广告,shape: [b, h], 即i_emb;
facts :用户历史行为,shape: [b, t, h], 即h_emb,t是padding后的长度,每个长h的emb代表一个item;
mask : batch中每个行为的真实意义,shape: [b, h];
'''
if isinstance(facts, tuple):
# in case of bi-rnn, concatenate the forward and the backward rnn outputs.
facts = tf.concat(facts, 2)
if len(facts.get_shape().as_list()) == 2:
facts = tf.expand_dims(facts, 1) if time_major:
# (t,b,d) => (b,t,d)
facts = tf.array_ops.transpose(facts, [1, 0, 2]) # trainable parameters
mask = tf.equal(mask, tf.ones_like(mask))
facts_size = facts.get_shape().as_list()[-1] # d value - hidden size of the rnn layer
querry_size = query.get_shape().as_list()[-1] # h,这里是36 # 和din attention不同
query = tf.layers.dense(query, facts_size, activation=none, name='f1' stag)
query = prelu(query) # 1. 转换query维度,变成历史维度t
# query是[b, h],转换到 queries 维度为(b, t, h),为了让pos_item和用户行为序列中每个元素计算权重
# 此时query是 tensor("concat:0", shape=(?, 36), dtype=float32)
# tf.shape(keys)[1] 结果就是 t,query是[b, h],经过tile,就是把第一维按照 t 展开,得到[b, t * h]
queries = tf.tile(query, [1, tf.shape(facts)[1]]) # [b, t * h], 想象成贴瓷砖
# 此时 queries 是 tensor("attention_layer/tile:0", shape=(?, ?), dtype=float32)
# queries 需要 reshape 成和 facts 相同的大小: [b, t, h]
queries = tf.reshape(queries, tf.shape(facts)) # [b, t * h] -> [b, t, h]
# 此时 queries 是 tensor("attention_layer/reshape:0", shape=(?, ?, 36), dtype=float32) # 2. 这部分目的就是为了在mlp之前多做一些捕获行为item和候选item之间关系的操作:加减乘除等。
# 得到 local activation unit 的输入。即 候选广告 queries 对应的 emb,用户历史行为序列 facts
# 对应的 embed, 再加上它们之间的交叉特征, 进行 concat 后的结果
din_all = tf.concat([queries, facts, queries-facts, queries*facts], axis=-1) # t*[b,h] ->[b, t, h] # 3. attention操作,通过几层mlp获取权重,这个dnn 网络的输出节点为 1
d_layer_1_all = tf.layers.dense(din_all, 80, activation=tf.nn.sigmoid, name='f1_att' stag)
d_layer_2_all = tf.layers.dense(d_layer_1_all, 40, activation=tf.nn.sigmoid, name='f2_att' stag)
d_layer_3_all = tf.layers.dense(d_layer_2_all, 1, activation=none, name='f3_att' stag)
# 上一层 d_layer_3_all 的 shape 为 [b, t, 1]
# 下一步 reshape 为 [b, 1, t], axis=2 这一维表示 t 个用户行为序列分别对应的权重参数
d_layer_3_all = tf.reshape(d_layer_3_all, [-1, 1, tf.shape(facts)[1]])
scores = d_layer_3_all # attention的输出, [b, 1, t] # 4. 得到有真实意义的score
# key_masks = tf.sequence_mask(facts_length, tf.shape(facts)[1]) # [b, t]
key_masks = tf.expand_dims(mask, 1) # [b, 1, t]
# padding的mask后补一个很小的负数,这样后面计算 softmax 时, e^{x} 结果就约等于 0
paddings = tf.ones_like(scores) * (-2 ** 32 1) # 注意初始化为极小值
# [b, 1, t] padding操作,为了忽略了padding对总体的影响,代码中利用tf.where将padding的向量(每个样本序列中空缺的商品)权重置为极小值(-2 ** 32 1),而不是0
if not forcnn:
scores = tf.where(key_masks, scores, paddings) # [b, 1, t] # 5. scale # attention的标准操作,做完scaled后再送入softmax得到最终的权重。
# scores = scores / (facts.get_shape().as_list()[-1] ** 0.5) # 6. activation,得到归一化后的权重
if softmax_stag:
scores = tf.nn.softmax(scores) # [b, 1, t] # 7. 得到了正确的权重 scores 以及用户历史行为序列 facts, 再进行矩阵相乘得到用户的兴趣表征
# weighted sum,
if mode == 'sum':
# scores 的大小为 [b, 1, t], 表示每条历史行为的权重,
# facts 为历史行为序列, 大小为 [b, t, h];
# 两者用矩阵乘法做, 得到的结果 output 就是 [b, 1, h]
# b * 1 * h 三维矩阵相乘,相乘发生在后两维,即 b * (( 1 * t ) * ( t * h ))
# 这里的output是attention计算出来的权重,即论文公式(3)里的w,
output = tf.matmul(scores, facts) # [b, 1, h]
# output = tf.reshape(output, [-1, tf.shape(facts)[-1]])
else:
# 从 [b, 1, h] 变化成 batch * time
scores = tf.reshape(scores, [-1, tf.shape(facts)[1]])
# 先把scores在最后增加一维,然后进行哈达码积,[b, t, h] x [b, t, 1] = [b, t, h]
output = facts * tf.expand_dims(scores, -1)
output = tf.reshape(output, tf.shape(facts)) # batch * time * hidden size
return output

5.2.3 vecattgrucell

接下来,就是augru的结构,这里设计一个新的vecattgrucell结构。具体rnn cell的原理,会另有文论述。

基于深度学习的文本分类,同样面临着如何将一段话中的多个词向量压缩成一个向量来表示这段话的问题。常用的方法,就是将多个词向量喂入rnn,最后一个时刻rnn的输出向量就代表了多个词向量的“合并”结果。dien则借鉴了这一思路,并且改造了gru的构造,利用attention score来控制门。

阿里在这里做的修改主要是call函数,是关于att_score的修改:

u = (1.0 - att_score) * u
new_h = u * state (1 - u) * c
return new_h, new_h

具体代码是:

def call(self, inputs, state, att_score=none):
......
c = self._activation(self._candidate_linear([inputs, r_state]))
u = (1.0 - att_score) * u # 这里是新增加的
new_h = u * state (1 - u) * c # 这里是新增加的
return new_h, new_h

5.2.4 计算兴趣进化过程

设计好了新的gru cell,我们就能计算兴趣的进化过程,这就是 'rnn_2' 完成的。

with tf.name_scope('rnn_2'):
rnn_outputs2, final_state2 = dynamic_rnn(vecattgrucell(hidden_size), inputs=rnn_outputs,
att_scores = tf.expand_dims(alphas, -1),
sequence_length=self.seq_len_ph, dtype=tf.float32,
scope="gru2")

5.2.5 计算全联接层输入

得到兴趣进化的结果final_state2之后,需要与其他的embedding进行拼接,得到全联接层的输入:

inp = tf.concat([self.uid_batch_embedded, self.item_eb, self.item_his_eb_sum, self.item_eb * self.item_his_eb_sum, final_state2], 1)

0x06 全连接层

现在我们得到了连接后的稠密表示向量,接下来就是利用全连通层自动学习特征之间的非线性关系组合。

于是通过一个多层神经网络,得到最终的ctr预估值,这部分就是一个函数调用。

# fully connected layer
self.build_fcn_net(inp, use_dice=true)

对应论文中的:

其中逻辑如下 :

首先进行batch normalization;
加入一个全连接层 tf.layers.dense(bn1, 200, activation=none, name='f1')
用 dice 或者 prelu 进行激活;
加入一个全连接层 tf.layers.dense(dnn1, 80, activation=none, name='f2')
用 dice 或者 prelu 进行激活;
加入一个全连接层 tf.layers.dense(dnn2, 2, activation=none, name='f3')
得到输出 y_hat = tf.nn.softmax(dnn3) 0.00000001
进行交叉熵和optimizer初始化;
得到交叉熵- tf.reduce_mean(tf.log(self.y_hat) * self.target_ph)
如果有负采样,需要加上辅助损失;
使用 adamoptimizer;
计算 accuracy;

具体代码参见如下:

def build_fcn_net(self, inp, use_dice = false):
bn1 = tf.layers.batch_normalization(inputs=inp, name='bn1')
dnn1 = tf.layers.dense(bn1, 200, activation=none, name='f1')
if use_dice:
dnn1 = dice(dnn1, name='dice_1')
else:
dnn1 = prelu(dnn1, 'prelu1') dnn2 = tf.layers.dense(dnn1, 80, activation=none, name='f2')
if use_dice:
dnn2 = dice(dnn2, name='dice_2')
else:
dnn2 = prelu(dnn2, 'prelu2')
dnn3 = tf.layers.dense(dnn2, 2, activation=none, name='f3')
self.y_hat = tf.nn.softmax(dnn3) 0.00000001 with tf.name_scope('metrics'):
# cross-entropy loss and optimizer initialization
ctr_loss = - tf.reduce_mean(tf.log(self.y_hat) * self.target_ph)
self.loss = ctr_loss
if self.use_negsampling:
self.loss = self.aux_loss
tf.summary.scalar('loss', self.loss)
self.optimizer = tf.train.adamoptimizer(learning_rate=self.lr).minimize(self.loss) # accuracy metric
self.accuracy = tf.reduce_mean(tf.cast(tf.equal(tf.round(self.y_hat), self.target_ph), tf.float32))
tf.summary.scalar('accuracy', self.accuracy) self.merged = tf.summary.merge_all()

0x07 训练模型

通过 model.train 来训练模型。

model.train 的输入数据有:

用户id;
target的item id;
target item对应的cateid;
用户历史行为的item id list;
用户历史行为item对应的cate id list;
历史行为的mask;
目标值;
历史行为的长度;
learning rate;
负采样的数据;

train代码具体如下:

def train(self, sess, inps):
if self.use_negsampling:
loss, accuracy, aux_loss, _ = sess.run([self.loss, self.accuracy, self.aux_loss, self.optimizer], feed_dict={
self.uid_batch_ph: inps[0],
self.mid_batch_ph: inps[1],
self.cat_batch_ph: inps[2],
self.mid_his_batch_ph: inps[3],
self.cat_his_batch_ph: inps[4],
self.mask: inps[5],
self.target_ph: inps[6],
self.seq_len_ph: inps[7],
self.lr: inps[8],
self.noclk_mid_batch_ph: inps[9],
self.noclk_cat_batch_ph: inps[10],
})
return loss, accuracy, aux_loss
else:
loss, accuracy, _ = sess.run([self.loss, self.accuracy, self.optimizer], feed_dict={
self.uid_batch_ph: inps[0],
self.mid_batch_ph: inps[1],
self.cat_batch_ph: inps[2],
self.mid_his_batch_ph: inps[3],
self.cat_his_batch_ph: inps[4],
self.mask: inps[5],
self.target_ph: inps[6],
self.seq_len_ph: inps[7],
self.lr: inps[8],
})
return loss, accuracy, 0

下一篇文章将介绍rnn cell,敬请期待。

0xff 参考

用numpy手工打造 wide & deep

看google如何实现wide & deep模型(1)

看youtube怎么利用深度学习做推荐

也评deep interest evolution network

从din到dien看阿里ctr算法的进化脉络

第七章 人工智能,7.6 dnn在搜索场景中的应用(作者:仁重)

#paper reading# deep interest network for click-through rate prediction

【paper reading】deep interest evolution network for click-through rate prediction

也评deep interest evolution network

论文阅读:《deep interest evolution network for click-through rate prediction》

【论文笔记】deep interest evolution network(aaai 2019)

【读书笔记】deep interest evolution network for click-through rate prediction

din(deep interest network):核心思想 源码阅读注释

计算广告ctr预估系列(五)--阿里deep interest network理论

ctr预估之deep interest network模型原理详解

人人都能看懂的lstm

从动图中理解 rnn,lstm 和 gru

台大李宏毅机器学习(一)——rnn&lstm

李宏毅机器学习(2016)

推荐系统遇上深度学习(二十四)--深度兴趣进化网络dien原理及实战!

from google.protobuf.pyext import _message,使用tensorflow出现 importerror: dll load failed

din 深度兴趣网络介绍以及源码浅析

ctr预估 论文精读(八)--deep interest network for click-through rate prediction

阿里ctr预估三部曲(1):deep interest network for click-through rate prediction简析

阿里ctr预估三部曲(2):deep interest evolution network for click-through rate prediction简析

deep interest network解读

深度兴趣网络(din,deep interest network)

din论文官方实现解析

阿里din源码之如何建模用户序列(1):base方案

阿里din源码之如何建模用户序列(2):din以及特征工程看法

阿里深度兴趣网络(din)论文翻译

推荐系统遇上深度学习(二十四)--深度兴趣进化网络dien原理及实战!

推荐系统遇上深度学习(十八)--探秘阿里之深度兴趣网络(din)浅析及实现

【论文导读】2018阿里ctr预估模型---din(深度兴趣网络),后附tf2.0复现代码

【论文导读】2019阿里ctr预估模型---dien(深度兴趣演化网络)

推荐系统---深度兴趣网络din&dien

深度学习中的attention机制

transform详解(超详细) attention is all you need论文

[论文解读] 阿里dien整体代码结构的相关教程结束。

网站地图