为了账号安全,请及时绑定邮箱和手机立即绑定

(十九)从零开始学人工智能-智能推荐系统:深度学习家族

推荐系统系列之三:深度学习家族

1. MLP

来源出处:

  • He, Xiangnan, et al. “Neural collaborative filtering.” Proceedings of the 26th international conference on world wide web. 2017.

目标函数:
L=−∑(u,i)∈Ology^u,i−∑(u,j)∈O−log(1−y^u,j) L=-\sum_{ ( u,i )\in \mathbf{O}}{log\widehat{y}_{u,i}} -\sum_{ ( u,j )\in \mathbf{O^-}}{log (1- \widehat{y}_{u,j} )} L=(u,i)Ologyu,i(u,j)Olog(1yu,j)

=−∑(u,i)∈O∪O−yu,ilogy^u,i+(1−yu,i)log(1−y^u,i) =-\sum_{(u,i)\in \mathbf{O}\cup\mathbf{O^-}}y_{u,i}log\widehat{y}_{u,i}+(1-y_{u,i})log (1- \widehat{y}_{u,i} ) =(u,i)OOyu,ilogyu,i+(1yu,i)log(1yu,i)

其中,O\mathbf{O}O 表示用户 uuu 和商品 $i $ 之间有交互记录的集合,其中 yu,i=1y_{u,i}=1yu,i=1O−\mathbf{O^-}O 表示用户 uuu 和商品 $j $ 之间没有交互记录的集合,其中 yu,j=0y_{u,j}=0yu,j=0

说明介绍:

采用神经网络的方法,用交叉熵损失函数对隐式数据进行建模。

在这里插入图片描述

核心代码:

def inference(self, users_inputs, items_inputs):
        embed_users = tf.nn.embedding_lookup(
            self.weights['embedding_users'], users_inputs)
        embed_items = tf.nn.embedding_lookup(
            self.weights['embedding_items'],items_inputs)
        layer0 = tf.nn.relu(tf.matmul(tf.concat([embed_items,embed_users],1), 
                      self.weights['weight_0']) + self.weights['bias_0'])
        layer1 = tf.nn.relu(
            tf.matmul(layer0, self.weights['weight_1']) + self.weights['bias_1'])       
        y_ = tf.matmul(layer1,self.weights['weight_n']) + self.weights['bias_n']
        return y_ 

实验结果:

  • 原论文中的实验处理

数据集:Movielens100K,留一评估(leave-one-out)

HR@10 NDCG@10
0.7411 0.4791
  • 传统随机分割

数据集:Movielens100K,随机分割成训练集:测试集 = 8:2

MAE RMSE Precision@10 Recall@10 (HR@10) NDCG@10
0.7359 0.9275 0.0628 0.0296 0.0130

loss 和 RMSE 的收敛曲线如下图所示:

在这里插入图片描述

在这里插入图片描述

数据集随机分割这个实验中,本人怎么调参都无法将排序指标(Recall 和 NDCG)提升太多,始终在0.1之下。若谁调出个好结果,望留言告知,谢谢!

对比

  • 矩阵分解 MF 实验结果
MAE RMSE Recall@10 (HR@10) Precision@10
0.7279 0.9229 0.0271 0.0575

在关键参数相同的情况下,对比 MF,可以看出其实 MLP 的实验并没提升多少。我想,这也许是原论文作者采用隐式数据加采样训练和留一评估的原因的吧。

2. LSTM

来源出处:

  • Wu, Chao-Yuan, et al. “Recurrent recommender networks.” Proceedings of the tenth ACM international conference on web search and data mining. 2017.

目标函数:
L=∑(i,j,t)∈O(rij∣t−r^ij∣t(θ))2+R(θ) L=\sum_{(i,j,t)\in \mathbf{O}}\left(r_{ij|t}-\widehat{r}_{ij|t}\left( \theta \right) \right)^2 + R\left( \theta \right) L=(i,j,t)O(rijtrijt(θ))2+R(θ)

r^ij∣t=f(uit,mjt,ui,mj):=⟨u~i,t,m~jt⟩+⟨ui,mj⟩ \widehat{r}_{ij|t}=f\left(u_{it},m_{jt},u_i,m_j \right):= \left \langle \tilde{u}_{i,t},\tilde{m}_{jt} \right \rangle + \left \langle u_i,m_j \right \rangle rijt=f(uit,mjt,ui,mj):=u~i,t,m~jt+ui,mj

u~i,t=Wuseruit+buser \tilde{u}_{i,t}=W_{user}u_{it}+b_{user} u~i,t=Wuseruit+buser

m~j,t=Wmoviemjt+bmovie \tilde{m}_{j,t}=W_{movie}m_{jt}+b_{movie} m~j,t=Wmoviemjt+bmovie

其中,R(θ)R\left( \theta \right)R(θ) 为正则项。uiu_iuimjm_jmj 分别表示用户 iii 和电影 jjj 的静态属性,u~i,t\tilde{u}_{i,t}u~i,tm~j,t\tilde{m}_{j,t}m~j,t 分别表示他们来自 LSTM 的动态特征向量。

说明介绍:

通过分别对用户和商品得到时间序列进行建模,来获得它们的动态轨迹,然后用它们的动态特征向量来预测评分。

在这里插入图片描述

3. Item2vec

来源出处:

  • Barkan, Oren, and Noam Koenigstein. “Item2vec: neural item embedding for collaborative filtering.” 2016 IEEE 26th International Workshop on Machine Learning for Signal Processing (MLSP). IEEE, 2016.

说明介绍:

作者将 Word2vec 的思想用到推荐中,Word2vec 输入的是词序列,Item2vec 输入的是 购买的商品序列。

在这里插入图片描述

核心代码:

直接参考 Word2vec 代码,数据处理好后,直接在 python 中调用 gensim 包中的 word2vec 函数,然后调参就可以。

4. AutoRec

来源出处:

  • Sedhain, Suvash, et al. “Autorec: Autoencoders meet collaborative filtering.” Proceedings of the 24th international conference on World Wide Web. 2015.

目标函数:

  • Item-based AutoRec:

L=∑i=1m∥r⋅,i−h(r⋅,i,θ)∥2+12λ(∥W∥2+∥V∥2) L=\sum_{i=1}^{m}{\left \| \mathbf{r}_{\cdot,i}-h\left(\mathbf{r}_{\cdot,i},\theta \right) \right \|^2 +\frac{1}{2}\lambda \left ( \left \| \mathbf{W} \right \|^2 + \left \| \mathbf{V} \right \|^2 \right ) } L=i=1mr,ih(r,i,θ)2+21λ(W2+V2)

其中,r⋅,i\mathbf{r}_{\cdot,i}r,i 表示商品 iii 的所有评分,h(r⋅,i,θ)h\left(\mathbf{r}_{\cdot,i},\theta \right)h(r,i,θ) 表示模型预测值,W\mathbf{W}WV\mathbf{V}V 表示自编码器的权重。

  • User-based AutoRec:

L=∑u=1n∥ru,⋅−h(ru,⋅,θ)∥2+12λ(∥W∥2+∥V∥2) L=\sum_{u=1}^{n}{\left \| \mathbf{r}_{u,\cdot}-h\left(\mathbf{r}_{u,\cdot},\theta \right) \right \|^2 +\frac{1}{2}\lambda \left ( \left \| \mathbf{W} \right \|^2 + \left \| \mathbf{V} \right \|^2 \right ) } L=u=1nru,h(ru,,θ)2+21λ(W2+V2)

其中,ru,⋅\mathbf{r}_{u,\cdot}ru, 表示用户 uuu 的所有评分。

说明介绍:

这篇文章采用自编码的方式来预测评分。

在这里插入图片描述

核心代码:

# 网络的前向传播
def inference(self, rating_inputs):
    encoder = tf.nn.sigmoid(tf.matmul(rating_inputs, self.weights['V']) + self.weights['mu'])
    decoder = tf.identity(tf.matmul(encoder, self.weights['W']) + self.weights['b'])
    return decoder         


def loss_function(self, true_r, predicted_r, lamda_regularizer=1e-3):
    idx = tf.where(true_r>0)
    true_y = tf.gather_nd(true_r, idx)
    predicted_y = tf.gather_nd(predicted_r, idx)
    mse = tf.compat.v1.losses.mean_squared_error(true_y, predicted_y)
    regularizer = tf.contrib.layers.l2_regularizer(lamda_regularizer)
    regularization = regularizer(self.weights['V']) + regularizer(self.weights['W'])
    cost = mse + regularization
    return cost 

实验结果:

数据集:Movielens100K,随机分割成训练集:测试集 = 8:2

  • User-based AutoRec:
MAE RMSE Recall@10 Precision@10
0.8281 1.0661 0.0363 0.0770
  • Item-based AutoRec:
MAE RMSE Recall@10 Precision@10
0.7777 0.9577 0.0639 0.1355

5. CDAE (Collaborative Denoising Auto-Encoders)

来源出处:

  • Wu, Yao, et al. “Collaborative denoising auto-encoders for top-n recommender systems.” Proceedings of the Ninth ACM International Conference on Web Search and Data Mining. 2016.

目标函数:
L=1n∑u=1nEp(y~u∣yu)l[(y~u∣y^u)]+12λ(∥W∥2+∥W′∥2+∥V∥2+∥b∥2++∥b′∥2) L=\frac{1}{n}\sum_{u=1}^{n}\mathbb{E}_{p\left(\widetilde{\mathbf{y}}_u|\mathbf{y}_u \right) } l\left [ \left(\widetilde{\mathbf{y}}_u|\widehat{\mathbf{y}}_u \right) \right ] +\frac{1}{2}\lambda \left ( \left \| \mathbf{W} \right \|^2 +\left \| \mathbf{W'} \right \|^2+ \left \| \mathbf{V} \right \|^2 + \left \| \mathbf{b} \right \|^2++ \left \| \mathbf{b'} \right \|^2\right ) L=n1u=1nEp(yuyu)l[(yuyu)]+21λ(W2+W2+V2+b2++b2)

y^u,i=f(Wi′Tzu+bi′) \widehat{y}_{u,i}=f \left({\mathbf{W}_i^{'}}^Tz_u+b_i^{'} \right) yu,i=f(WiTzu+bi)

其中,y~u\widetilde{\mathbf{y}}_uyuy^u\widehat{\mathbf{y}}_uyu 分别表示网络的输出和输出,yu\mathbf{y}_uyu 表示用户 uuu 的所有评分记录,y~u\widetilde{\mathbf{y}}_uyuyu\mathbf{y}_uyu 以概率 ppp 的 dropout 得到的采样。W\mathbf{W}W 表示商品的出入的权重,$ \mathbf{V}$ 表示用户的输入权重,W′\mathbf{W'}W 表示输出权重。

说明介绍:

CDAE 可以看成 AutoRec 的改进版本,只是它设计地更巧妙。从示意图上看出,除了用户的评分记录,它还多了一个用户本身的信息输入;从公式上看,它采用 dropout 采样作为输入,防止模型过拟合。

在这里插入图片描述

核心代码:

# 网络的前向传播
def inference(self, rating_inputs, user_inputs):
    self.corrupted_inputs = tf.nn.dropout(rating_inputs, rate=self.dropout_prob)
    Vu = tf.reshape(tf.nn.embedding_lookup(self.weights['V'], user_inputs),(-1, self.hidden_size))
    encoder = tf.nn.sigmoid(tf.matmul(self.corrupted_inputs, self.weights['W1']) + Vu + self.weights['b1'])
    decoder = tf.identity(tf.matmul(encoder, self.weights['W2']) + self.weights['b2'])
    return decoder         


def loss_function(self, true_r, predicted_r, lamda_regularizer=1e-3, loss_type='square'):
    if loss_type=='square':
        loss = tf.losses.mean_squared_error(true_r, predicted_r)
    elif loss_type=='cross_entropy':
        loss = tf.nn.sigmoid_cross_entropy_with_logits(labels=true_r, logits=predicted_r)

    regularizer = tf.contrib.layers.l2_regularizer(lamda_regularizer)
    regularization = regularizer(self.weights['V']) + regularizer(self.weights['W1']) +\                      regularizer(self.weights['W2']) + regularizer(self.weights['b1']) +\                      regularizer(self.weights['b2'])
    cost = loss + regularization
    return cost

实验结果:

数据集:Movielens100K,随机分割成训练集:测试集 = 8:2

CDAE 参数设置按照原论文,因此与 AutoRec 的参数有些不同,比如学习率和隐层大小。

为了对比 AutoRec 我们也做了两组。

  • User-based
Recall@10 Precision@10
0.0494 0.1048
  • Item-based
Recall@10 Precision@10
0.0684 0.1451

加了这两个措施,实验结果确实都比 AutoRec 模型好了一些!可惜它们的最优参数不是相同的,否则更有说服力。

6. IRGAN

来源出处:

  • Wang, Jun, et al. “Irgan: A minimax game for unifying generative and discriminative information retrieval models.” Proceedings of the 40th International ACM SIGIR conference on Research and Development in Information Retrieval. 2017.

目标函数:
L=min⁡θmax⁡ϕ∑n=1N(Ed∼ptrue(d∣qn,r)[logD(d∣qn)]+Ed∼pθ(d∣qn,r)[log(1−D(d∣qn))]) L=\min \limits_ {\theta}\max \limits_ {\phi} \sum_{n=1}^{N}\left( \mathbb{E}_{d\sim p_{true}\left(d|q_n,r\right) } \left [ logD\left(d|q_n\right) \right ]+ \mathbb{E}_{d\sim p_{\theta}\left(d|q_n,r\right) }\left [ log \left(1-D\left(d|q_n\right) \right) \right ] \right) L=θminϕmaxn=1N(Edptrue(dqn,r)[logD(dqn)]+Edpθ(dqn,r)[log(1D(dqn))])

D(d∣q)=σ(fϕ(d,q))=exp(fϕ(d,q))1+exp(fϕ(d,q)) D(d|q)=\sigma \left( f_{\phi} \left( d,q\right) \right)=\frac{exp \left(f_{\phi} \left( d,q\right) \right)}{1+exp \left(f_{\phi} \left( d,q\right) \right)} D(dq)=σ(fϕ(d,q))=1+exp(fϕ(d,q))exp(fϕ(d,q))

说明介绍:

这篇文章是将当前热门的对抗网络在推荐上实现建模。

程序地址:

以后添加…

实验结果:

数据集:Movielens100K,随机分割成训练集:测试集 = 8:2

Precision@10 NDCG@10
0.3140 0.3723

声明

本博客所有内容仅供学习,不为商用,如有侵权,请联系博主谢谢。

参考文献

[1] He, Xiangnan, et al. “Neural collaborative filtering.” Proceedings of the 26th international conference on world wide web. 2017.
[2] Wu, Chao-Yuan, et al. “Recurrent recommender networks.” Proceedings of the tenth ACM international conference on web search and data mining. 2017.
[3] Barkan, Oren, and Noam Koenigstein. “Item2vec: neural item embedding for collaborative filtering.” 2016 IEEE 26th International Workshop on Machine Learning for Signal Processing (MLSP). IEEE, 2016.
[4] Sedhain, Suvash, et al. “Autorec: Autoencoders meet collaborative filtering.” Proceedings of the 24th international conference on World Wide Web. 2015.
[5] Wu, Yao, et al. “Collaborative denoising auto-encoders for top-n recommender systems.” Proceedings of the Ninth ACM International Conference on Web Search and Data Mining. 2016.
[6] Wang, Jun, et al. “Irgan: A minimax game for unifying generative and discriminative information retrieval models.” Proceedings of the 40th International ACM SIGIR conference on Research and Development in Information Retrieval. 2017.

点击查看更多内容
TA 点赞

若觉得本文不错,就分享一下吧!

评论

作者其他优质文章

正在加载中
  • 推荐
  • 评论
  • 收藏
  • 共同学习,写下你的评论
感谢您的支持,我会继续努力的~
扫码打赏,你说多少就多少
赞赏金额会直接到老师账户
支付方式
打开微信扫一扫,即可进行扫码打赏哦
今天注册有机会得

100积分直接送

付费专栏免费学

大额优惠券免费领

立即参与 放弃机会
意见反馈 帮助中心 APP下载
官方微信

举报

0/150
提交
取消