(论文阅读笔记)Deep Learning based Recommender System: A Survey and New Perspectives

为了交英语作业机翻了这篇论文的一些部分 ,由于时间有限,感兴趣的内容有时间再翻

1引言:

推荐系统出现的背景:在这个信息爆炸的时代,许多用户都要面临信息过载的负担,推荐系统可以为用户过滤掉大部分用户不感兴趣的内容,帮助用户高效的找到感兴趣的东西。推荐系统在许多领域都已经成功应用,例如娱乐、购物、媒体等信息量冗余的领域。推荐系统在各个领域扮演者至关重要和必不可少的角色来提升业务和更方便的制定业务决策[69,121]。

推荐列表的生成方式:通常来说,推荐结果是由用户偏好、物品特征、用户-物品过去的交互信息和一些其它附加信息例如时间和空间特征。根据输入数据的区别推荐模型大致可以分为三类:协同过滤,基于内容的推荐系统和混合推荐系统[1]。

深度学习的介绍:深度学习目前在飞速发展,过去几十年深度学习在计算视觉和语音识别等众多领域取得了巨大成功,由于深度学习能够在复杂任务中取得先进的结果,学术界和工业界已经将深度学习应用到各个广泛的领域[27]。

深度学习在推荐系统中的应用和发展:在工业界,推荐系统是很重要的,在很多在线网站和移动应用上可以极大的提升用户体验并且提高产品或服务的销量[20, 27, 30, 43, 113],例如在NetFlix上80%的电影点播来自于推荐系统[43],在YouTube上60%的视频点击来自于推荐系统[30]。最近,很多公司都应用深度学习来进一步提升推荐系统的性能[20,27,113]。Covington 等人[27]为YouTube提出了基于深度学习的视频推荐算法,Cheng 等人[20]为GooglePlay提出了使用wide&deep模型的App应用推荐系统, Shumpei等人[113] 为YahooNews提出了一种基于RNN的新闻推荐系统,所有这些模型都通过了在线测试并且相对于传统模型都有极大的提升。因此,深度学习在工业推荐中引发了深刻的革命。

这篇综述和之前的不同之处:

怎样搜集的论文:

这篇综述的主要贡献:这篇综述主要有以下三个方面的贡献:

  1. 我们系统性的总结了基于深度学习技术的推荐模型并且提出了分类方案
  2. 我们回顾和总结了先进技术
  3. 我们讨论了挑战和开放性问题,并且基于以往的推荐系统工作者的研究对提出了未来该领域的新的趋势和未来的研究方向

 

2回顾推荐系统和深度学习

之前我们介绍了这篇综述的细节,现在开始介绍推荐系统和深度学习的基本术语和概念,我们还讨论了推荐系统引入深度学习的理由和动机。

2.1推荐系统:推荐系统估计用户对物品的偏好并主动推荐用户可能喜欢的物品[1,121],推荐系统通常分为三类[1,69]:协同过滤,基于内容的和混合推荐系统,协同过滤通过学习用户项目之间明确(例如用户先前的评级)或隐式(例如浏览历史)的历史交互来做出推荐。基于内容的推荐主要是基于用户和物品的附加信息,例如不同类型的异构数据如文本、图片和视频都可以被考虑使用。混合模型是将两种或更多推荐策略结合起来[8,69]。

2.2深度学习技术深度学习通常被认为是机器学习的子领域。 深度学习的典型定义的本质是它能够学习深层表示,即从数据中学习多层次的表示和抽象。 出于实际原因,我们将任何神经可微分结构视为“深度学习”,只要它使用随机梯度下降(SGD)的变体优化可微分目标函数。 神经结构在监督和非监督学习任务中都取得了巨大的成功[31]。

2.3为什么将深度学习应用到推荐系统在深入了解最新进展的细节之前,先了解为何要将深度学习技术应用于推荐系统的原因是有好处的。很明显,在短短几年内已经提出了许多深度推荐系统模型。这个领域确实充满了创新。在这一点上,很容易对这么多不同架构的需求和神经网络对问题领域的效用产生质疑。沿着相同的思路,很容易提供一个明确的理由来说明为什么提出每种架构和它最有效的使用场景。总而言之,这个问题与任务,域和推荐场景密切 相关。神经结构最吸引人的特性是可以(1)端到端可微分和(2)提供适合输入数据类型的合适的归纳偏差。因此,如果模型可以利用固有结构,那么深度神经网络应该是有用的。例如,CNN和RNN长期利用视觉(和/或人类语言)中的内在结构。类似地,会话或点击日志的顺序结构非常适合于循环/卷积模型提供的归纳偏差[56,143,175]。

此外,深层神经网络也可以是多个神经结构块意义上的复合组成一个(巨大的)可变分函数并进行端到端训练。这在处理基于内容的推荐时是非常具有优势的。在对Web上的用户/项目建模时,多模态数据是非常常见且不可避免的。例如,当处理文本数据(评论[202],推文[44]等),图像数据(社交帖子,产品图像),CNN / RNN成为不可或缺的神经结构块。这里,传统的替代方案(设计模块特定特征等)变得非常不具吸引力,因此,推荐系统不能利用联合(端到端)表示学习。从某种意义上说,推荐系统领域的发展也与相关模式(如视觉或语言社区)的进步研究紧密结合。例如,为了处理评论,人们将不得不执行昂贵的预处理(例如,关键短语提取,主题建模等),而新的基于深度学习的方法能够端到端地摄取所有文本信息[202]。总之,深度学习能力可以在这些领域中被当作范式,如果没有这些最新进展,在统一的联合框架[197]中表达图像,文本和交互的能力是不可能的。

相对于仅交互设置(即矩阵完成或协作排序问题),当存在大量复杂性或存在大量训练实例时,使用深度神经网络是合理的。在[53]中,作者使用MLP来近似交互函数,并且与MF等传统方法相比,表现出了合理的性能提升。虽然这些神经模型的表现更好,但我们也注意到,当使用仅基于动量的梯度下降训练时,BPR,MF和CML等标准机器学习模型的表现相当不错[145]。然而,我们也可以将这些模型视为神经结构,因为它们利用了最近的深度学习研究进展,例如Adam,Dropout或Batch Normalization [53,195]。同样很容易看出,传统的推荐算法(矩阵分解,矩阵分解等)也可以表示为神经/可微分结构[53,54],并通过Tensorflow或Pytorch等框架进行有效训练,从而实现高效的GPU训练和自动微分。因此,在当今的研究环境(甚至是工业)中,完全没有理由不使用基于深度学习的工具来开发任何推荐系统。

2.4深度学习可能存在的限制

 

3基于深度学习的推荐系统

3.1基于深度学习的推荐系统模型分类

3.2基于多层感知机的推荐系统模型

3.3基于自编码器的推荐系统

3.4基于卷积神经网络的推荐系统

卷积神经网络用卷积和池化操作来处理非结构化的多媒体数据时非常有用,大多数推荐系统都使用CNN来抽取特征。

CNN用于图像特征提取。王等人 [165]研究了视觉特征对兴趣点(POI)推荐的影响,并提出了视觉内容增强的POI推荐系统(VPOI)。 VPOI采用CNN来提取图像特征。推荐模型建立在PMF之上,用来探索以下因素之间的相互作用:(1)视觉内容和潜在用户因素; (2)视觉内容和潜在位置因素。楚等人 [25]利用餐馆推荐中的视觉信息(例如餐馆的食物和家具的图像)的有效性联合 CNN提取的视觉特征与文本表示一起输入到MF,BPRMF和FM中以测试它们的性能。结果表明,视觉信息在一定程度上改善了性能,但并不显著。He等人 [50]通过将视觉特征(通过CNN学习到的)结合到矩阵分解中,设计了视觉贝叶斯个性化排序(VBPR)算法。He等人 [49]扩展了VBPR,探索用户的时尚意识和用户在选择项目时考虑的视觉因素的演变。 Yu等人 [191]提出了一种基于美学的服装推荐的耦合矩阵和张量因子分解模型,其中CNN用于学习图像特征和美学特征。 Nguyen等人[110]提出了一种基于CNN的个性化标签推荐模型。它利用卷积和最大池化层从图像块中获取视觉特征。注入用户信息以生成个性化推荐。为了优化该网络,采用BPR目标来最大化相关和不相关标签之间的差异。Lei等人 [84]提出了一个具有CNN的比较深度倾斜模型用于图像推荐。该网络包括两个用于图像表示学习的CNN和一个用于用户偏好建模的MLP。它将两个图像(一个正图像用户喜欢,一个负图像用户不喜欢)与用户进行比较。训练数据由三元组组成:t(用户Ut,正图像I + t,负图像I-t)。假设用户与正像D(π(Ut),φ(I + t))之间的距离应该更接近用户与负像之间的距离D(π(Ut),φ(I-t)),其中D (·)是距离度量(例如Euclideandistance)。 ConTagNet [118]是一种上下文感知标签推荐系统。图像特征由CNN学习。上下文表示由两层全连接的前馈神经网络处理。将两个神经网络的输出连接起来并送入sostmax函数以预测候选标签的概率。

CNN用于文本特征提取。 DeepCoNN [202]采用两个并行的CNN来模拟评论文本中的用户行为和项目属性。该模型通过利用CNN学习文本的丰富语义表示来缓解稀疏性问题并增强模型可解释性。它利用单词嵌入技术将评论文本映射到低维语义空间,并保留单词序列信息。然后将提取的评论表示连续通过一个具有不同内核的卷积层,一个最大池化层和一个全连接层。最后将用户网络xu和项目网络xi的输出连接为预测层的输入,其中应用矩阵分解以捕获它们的相互作用来进行评级预测。Catherine等人 [11]注意到DeepCoNN只有在目标用户为目标物品编写评论文本的情况下在测试时才能正常工作,这是不合理的。因此,他们通过引入潜在层来表示目标user-target-item对来扩展它。此模型在验证/测试期间不使用评论,并且仍然可以保持良好的准确性。Shen等人 [130]建立了一个电子学习资源推荐模型。它使用CNN从学习资源的文本信息中提取物品特征,例如学习资料的介绍和内容,并按照[153]的相同过程进行推荐。 ConvMF [75]以与CDL类似的方式将CNN与PMF相结合。 CDL使用自动编码器来学习物品特征表示,而ConvMF使用CNN来学习高级物品表示。 ConvMF相对于CDL的主要优点是CNN能够通过字嵌入和卷积内核捕获更准确的物品上下文信息。 Tuan等人 [148]建议使用CNN来学习项目内容信息(例如,名称,描述,标识符和类别)的特征表示,以增强基于会话的推荐的准确性。

基于CNN的协同过滤。 直接将CNN应用于协同过滤也是可行的。 例如,He等人 [51]提出使用CNN来改进NCF并提出了ConvNCF。 它使用外积而不是点积来模拟用户项交互模式。 CNN用于外积的结果可以捕获嵌入维度之间的高阶相关性。 Tang等人 [143]提出了具有CNN的顺序推荐(具有用户标识符)模型,其中两个CNN(分层和垂直)用于对联合级别顺序模式进行建模并且跳过用于序列感知推荐的行为。

3.5基于循环神经网络的推荐系统

3.6基于受限玻尔兹曼机的推荐

3.7基于神经注意力的推荐系统

3.8基于神经自回归的推荐

3.9深度强化学习推荐

3.10基于对抗网络的推荐

3.11深度混合模型推荐

 

4未来研究方向和开放性问题

4.1结合用户和项目内容信息的表示学习

4.2深度学习的可解释性推荐

一种常见的解释是深度神经网络是高度不可解释的。 因此,提出可解释的建议看起来是一项艰巨的任务。 同样,假设大型复杂的神经模型只是将数据与任何真正的理解相匹配也是很自然的(参见后面关于机器推理的推荐部分)。 这就是为什么这个方向既令人兴奋又至关重要的原因。 可解释的深度学习主要有两种方法。 第一个是对用户做出可解释的预测,让他们了解网络建议背后的因素(即,为什么推荐这个项目/服务?)[126,178]。 第二个方面主要侧重于从业者的解释能力,探究权重和激活函数以更好地了解模型[145]。

4.3更深层的推荐模型

4.4推荐的机器推理

4.5基于深度神经的跨域推荐

4.6推荐的深度多任务推荐

多任务学习在许多深度学习任务中取得了成功,从计算机视觉到自然语言处理[26,31]。在所回顾的研究中,一些工作[5,73,87,187]也将多任务学习应用于深度神经框架中的推荐系统,并在单一任务学习方面取得了一些改进。应用基于深度神经网络的多任务学习的优点有三方面:(1)一次学习几个任务可以通过共享隐藏表示来防止过拟合; (2)辅助任务提供可解释的输出以解释推荐; (3)多任务提供隐式数据增强,以减轻稀疏性问题。多任务可以在传统的推荐系统[111]中使用,而深度学习使它们能够以更严格的方式集成。除了引入辅助任务之外,我们还可以为每个特定任务生成跨域推荐的多任务学习,为每个域生成推荐。

4.7推荐系统中深度神经网络的可扩展性

4.8该领域需要更好、更统一和更严格的评估

 

5结论

在本文中,我们对基于深度学习的推荐系统所做的最值得注意的工作进行了广泛的回顾。 我们提出了一种分类方案,用于组织和聚类现有出版物,并强调了一系列有影响力的研究原型。 我们还讨论了使用深度学习技术进行推荐任务的优缺点。 此外,我们还详细介绍了一些最紧迫的未解决问题和未来的扩展问题。 近几十年来,深度学习和推荐系统都是热门的研究课题。 每年都有大量新的开发技术和新兴模型。 我们希望这项调查能够为读者提供对该领域关键方面的全面理解,澄清最显著的进步,并对未来的研究有所启发。

 

REFERENCES
[1] Gediminas Adomavicius and Alexander Tuzhilin. 2005. Toward the next generation of recommender systems: A survey of the state-of-the-art and possible extensions. IEEE transactions on knowledge and data engineering 17, 6 (2005), 734–749.
[2] Taleb Alashkar, Songyao Jiang, Shuyang Wang, and Yun Fu. 2017. Examples-Rules Guided Deep Neural Network for Makeup Recommendation. In AAAI. 941–947.
[3] Jimmy Ba, Volodymyr Mnih, and Koray Kavukcuoglu. 2014. Multiple object recognition with visual attention. arXiv preprint arXiv:1412.7755 (2014).
[4] Bing Bai, Yushun Fan, Wei Tan, and Jia Zhang. 2017. DLTSR: A Deep Learning Framework for Recommendation of Long-tail Web Services. IEEE Transactions on Services Computing (2017).
[5] Trapit Bansal, David Belanger, and Andrew McCallum. 2016. Ask the gru: Multi-task learning for deep text recommendations. In Proceedings ofthe 10th ACM Conference on Recommender Systems. 107–114.
ACM

[6] Rianne van den Berg, Thomas N Kipf, and Max Welling. 2017. Graph convolutional matrix completion. arXiv preprint arXiv:1706.02263 (2017).
[7] Basiliyos Tilahun Betru, Charles Awono Onana, and Bernabe Batchakui. 2017. Deep Learning Methods on Recommender System: A Survey of State-of-the-art. International Journal ofComputer Applications 162, 10 (Mar 2017).
[8] Robin Burke. 2002. Hybrid recommender systems: Survey and experiments. User modeling and user-adapted interaction 12, 4 (2002), 331–370.
[9] Xiaoyan Cai, Junwei Han, and Libin Yang. 2018. Generative Adversarial Network Based Heterogeneous Bibliographic Network Representation for Personalized Citation Recommendation. In AAAI.
[10] S. Cao, N. Yang, and Z. Liu. 2017. Online news recommender based on stacked auto-encoder. In ICIS. 721–726. [11] Rose Catherine and William Cohen. 2017. Transnets: Learning to transform for recommendation. In Recsys. 288–296. [12] Cheng Chen, Xiangwu Meng, Zhenghua Xu, and Thomas Lukasiewicz. 2017. Location-Aware Personalized News Recommendation With Deep Semantic Analysis. IEEE Access 5 (2017), 1624–1638.
[13] Cen Chen, Peilin Zhao, Longfei Li, Jun Zhou, Xiaolong Li, and Minghui Qiu. 2017. Locally Connected Deep Learning Framework for Industrial-scale Recommender Systems. In WWW.
[14] Jingyuan Chen, Hanwang Zhang, Xiangnan He, Liqiang Nie, Wei Liu, and Tat-Seng Chua. 2017. Attentive Collaborative Filtering: Multimedia Recommendation with Item- and Component-Level Attention. (2017).
[15] Minmin Chen, Zhixiang Xu, Kilian Weinberger, and Fei Sha. 2012. Marginalized denoising autoencoders for domain adaptation. arXiv preprint arXiv:1206.4683 (2012).
[16] Shi-Yong Chen, Yang Yu, Qing Da, Jun Tan, Hai-Kuan Huang, and Hai-Hong Tang. 2018. Stabilizing reinforcement learning in dynamic environment with application to online recommendation. In SIGKDD. 1187–1196.
[17] Xu Chen, Yongfeng Zhang, Qingyao Ai, Hongteng Xu, Junchi Yan, and Zheng Qin. 2017. Personalized Key Frame Recommendation. In SIGIR.
[18] Xu Chen, Yongfeng Zhang, Hongteng Xu, Yixin Cao, Zheng Qin, and Hongyuan Zha. 2018. Visually Explainable Recommendation. arXiv preprint arXiv:1801.10288 (2018).
[19] Yifan Chen and Maarten de Rijke. 2018. A Collective Variational Autoencoder for Top-N Recommendation with Side Information. arXiv preprint arXiv:1807.05730 (2018).
[20] Heng-Tze Cheng, Levent Koc, Jeremiah Harmsen, Tal Shaked, Tushar Chandra, Hrishi Aradhye, Glen Anderson, Greg Corrado, Wei Chai, Mustafa Ispir, and others. 2016. Wide & deep learning for recommender systems. In Recsys. 7–10.
[21] Sungwoon Choi, Heonseok Ha, Uiwon Hwang, Chanju Kim, Jung-Woo Ha, and Sungroh Yoon. 2018. Reinforcement Learning based Recommender System using Biclustering Technique. arXiv preprint arXiv:1801.05532 (2018).
[22] Jan Chorowski, Dzmitry Bahdanau, Kyunghyun Cho, and Yoshua Bengio. 2014. End-to-end continuous speech recognition using attention-based recurrent NN: first results. arXiv preprint arXiv:1412.1602 (2014).
[23] Jan K Chorowski, Dzmitry Bahdanau, Dmitriy Serdyuk, Kyunghyun Cho, and Yoshua Bengio. 2015. Attention-based models for speech recognition. In Advances in Neural Information Processing Systems. 577–585.
[24] Konstantina Christakopoulou, Alex Beutel, Rui Li, Sagar Jain, and Ed H Chi. 2018. Q&R: A Two-Stage Approach toward Interactive Recommendation. In SIGKDD. 139–148.
[25] Wei-Ta Chu and Ya-Lun Tsai. 2017. A hybrid recommendation system considering visual information for predicting favorite restaurants. WWWJ (2017), 1–19.
[26] Ronan Collobert and Jason Weston. 2008. A unified architecture for natural language processing: Deep neural networks with multitask learning. In Proceedings ofthe 25th international conference on Machine learning. 160–167.
[27] Paul Covington, Jay Adams, and Emre Sargin. 2016. Deep neural networks for youtube recommendations. In Recsys. 191–198. [28] Hanjun Dai, Yichen Wang, Rakshit Trivedi, and Le Song. 2016. Deep coevolutionary network: Embedding user and item features for recommendation. arXiv preprint. arXiv preprint arXiv:1609.03675 (2016).
[29] Hanjun Dai, Yichen Wang, Rakshit Trivedi, and Le Song. 2016. Recurrent coevolutionary latent feature processes for continuous-time recommendation. In Recsys. 29–34.
[30] James Davidson, Benjamin Liebald, Junning Liu, Palash Nandy, Taylor Van Vleet, Ullas Gargi, Sujoy Gupta, Yu He, Mike Lambert, Blake Livingston, and Dasarathi Sampath. 2010. The YouTube Video Recommendation System. In Recsys.
[31] Li Deng, Dong Yu, and others. 2014. Deep learning: methods and applications. Foundations and Trends® in Signal Processing 7, 3–4 (2014), 197–387.
[32] Shuiguang Deng, Longtao Huang, Guandong Xu, Xindong Wu, and Zhaohui Wu. 2017. On deep learning for trust-aware recommenda- tions in social networks. IEEE transactions on neural networks and learning systems 28, 5 (2017), 1164–1177.
[33] Robin Devooght and Hugues Bersini. 2016. Collaborative filtering with recurrent neural networks. arXiv preprint arXiv:1608.07400 (2016).
[34] Xin Dong, Lei Yu, Zhonghuo Wu, Yuxia Sun, Lingfeng Yuan, and Fangxi Zhang. 2017. A Hybrid Collaborative Filtering Model with Deep Structure for Recommender Systems. In AAAI. 1309–1315.
ACM

[35] Tim Donkers, Benedikt Loepp, and J¨urgen Ziegler. 2017. Sequential user-based recurrent neural network recommendations. In Recsys. 152–160.
[36] Chao Du, Chongxuan Li, Yin Zheng, Jun Zhu, and Bo Zhang. 2016. Collaborative Filtering with User-Item Co-Autoregressive Models. arXiv preprint arXiv:1612.07146 (2016).
[37] Gintare Karolina Dziugaite and Daniel M Roy. 2015. Neural network matrix factorization. arXiv preprint arXiv:1511.06443 (2015). [38] Travis Ebesu and Yi Fang. 2017. Neural Citation Network for Context-Aware Citation Recommendation. (2017). [39] Ali Mamdouh Elkahky, Yang Song, and Xiaodong He. 2015. A multi-view deep learning approach for cross domain user modeling in recommendation systems. In WWW. 278–288.
[40] Ignacio Fern´andez-Tob´ıas, Iv´an Cantador, Marius Kaminskas, and Francesco Ricci. 2012. Cross-domain recommender systems: A survey of the state of the art. In Spanish Conference on Information Retrieval. 24.
[41] Jianfeng Gao, Li Deng, Michael Gamon, Xiaodong He, and Patrick Pantel. 2014. Modeling interestingness with deep neural networks. (June 13 2014). US Patent App. 14/304,863.
[42] Kostadin Georgiev and Preslav Nakov. 2013. A non-iid framework for collaborative filtering with restricted boltzmann machines. In ICML. 1148–1156.
[43] Carlos A Gomez-Uribe and Neil Hunt. 2016. The netflix recommender system: Algorithms, business value, and innovation. TMIS 6, 4 (2016), 13.
[44] Yuyun Gong and Qi Zhang. 2016. Hashtag Recommendation Using Attention-Based Convolutional Neural Network.. In IJCAI. 2782–2788. [45] Ian Goodfellow, Yoshua Bengio, and Aaron Courville. 2016. Deep Learning. MIT Press. http://www.deeplearningbook.org. [46] Ian Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville, and Yoshua Bengio. 2014. Generative adversarial nets. In NIPS. 2672–2680.
[47] Huifeng Guo, Ruiming Tang, Yunming Ye, Zhenguo Li, and Xiuqiang He. 2017. DeepFM: A Factorization-Machine based Neural Network for CTR Prediction. In IJCAI. 2782–2788.
[48] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. 2016. Deep residual learning for image recognition. In Proceedings ofthe IEEE conference on computer vision and pattern recognition. 770–778.
[49] Ruining He and Julian McAuley. 2016. Ups and downs: Modeling the visual evolution of fashion trends with one-class collaborative filtering. In WWW. 507–517.
[50] Ruining He and Julian McAuley. 2016. VBPR: Visual Bayesian Personalized Ranking from Implicit Feedback. In AAAI. 144–150. [51] Xiangnan He, Xiaoyu Du, Xiang Wang, Feng Tian, Jinhui Tang, and Tat-Seng Chua. 2018. Outer Product-based Neural Collaborative Filtering. (2018).
[52] Xiangnan He, Zhankui He, Xiaoyu Du, and Tat-Seng Chua. 2018. Adversarial Personalized Ranking for Recommendation. In SIGIR. 355–364.
[53] Xiangnan He, Lizi Liao, Hanwang Zhang, Liqiang Nie, Xia Hu, and Tat-Seng Chua. 2017. Neural collaborative filtering. In WWW. 173–182.
[54] Xiangnan He and Chua Tat-Seng. 2017. Neural Factorization Machines for Sparse Predictive Analytics. (2017). [55] Bal´azs Hidasi and Alexandros Karatzoglou. 2017. Recurrent neural networks with top-k gains for session-based recommendations. arXiv preprint arXiv:1706.03847 (2017).
[56] Bal´azs Hidasi, Alexandros Karatzoglou, Linas Baltrunas, and Domonkos Tikk. 2015. Session-based recommendations with recurrent neural networks. International Conference on Learning Representations (2015).
[57] Bal´azs Hidasi, Massimo Quadrana, Alexandros Karatzoglou, and Domonkos Tikk. 2016. Parallel recurrent neural network architectures for feature-rich session-based recommendations. In Recsys. 241–248.
[58] Kurt Hornik. 1991. Approximation capabilities of multilayer feedforward networks. Neural networks 4, 2 (1991), 251–257. [59] Kurt Hornik, Maxwell Stinchcombe, and Halbert White. 1989. Multilayer feedforward networks are universal approximators. Neural networks 2, 5 (1989), 359–366.
[60] Cheng-Kang Hsieh, Longqi Yang, Yin Cui, Tsung-Yi Lin, Serge Belongie, and Deborah Estrin. 2017. Collaborative metric learning. In WWW. 193–201.
[61] Cheng-Kang Hsieh, Longqi Yang, Honghao Wei, Mor Naaman, and Deborah Estrin. 2016. Immersive recommendation: News and event recommendations using personal digital traces. In WWW. 51–62.
[62] Binbin Hu, Chuan Shi, Wayne Xin Zhao, and Philip S Yu. 2018. Leveraging Meta-path based Context for Top-N Recommendation with A Neural Co-Attention Model. In SIGKDD. 1531–1540.
[63] Yifan Hu, Yehuda Koren, and Chris Volinsky. 2008. Collaborative Filtering for Implicit Feedback Datasets. In ICDM. [64] Gao Huang, Zhuang Liu, Laurens Van Der Maaten, and Kilian Q Weinberger. 2017. Densely Connected Convolutional Networks.. In CVPR, Vol. 1. 3.
[65] Po-Sen Huang, Xiaodong He, Jianfeng Gao, Li Deng, Alex Acero, and Larry Heck. 2013. Learning deep structured semantic models for web search using clickthrough data. In CIKM. 2333–2338.
ACM

[66] Wenyi Huang, Zhaohui Wu, Liang Chen, Prasenjit Mitra, and C Lee Giles. 2015. A Neural Probabilistic Model for Context Based Citation Recommendation. In AAAI. 2404–2410.
[67] Drew A Hudson and Christopher D Manning. 2018. Compositional attention networks for machine reasoning. arXiv preprint arXiv:1803.03067 (2018).
[68] Dietmar Jannach and Malte Ludewig. 2017. When Recurrent Neural Networks Meet the Neighborhood for Session-Based Recommenda- tion. In Recsys.
[69] Dietmar Jannach, Markus Zanker, Alexander Felfernig, and Gerhard Friedrich. 2010. Recommender systems: an introduction. [70] Yogesh Jhamb, Travis Ebesu, and Yi Fang. 2018. Attentive Contextual Denoising Autoencoder for Recommendation. (2018). [71] X. Jia, X. Li, K. Li, V. Gopalakrishnan, G. Xun, and A. Zhang. 2016. Collaborative restricted Boltzmann machine for social event recommendation. In ASONAM. 402–405.
[72] Xiaowei Jia, Aosen Wang, Xiaoyi Li, Guangxu Xun, Wenyao Xu, and Aidong Zhang. 2015. Multi-modal learning for video recommenda- tion based on mobile application usage. In 2015 IEEE International Conference on Big Data (Big Data). 837–842.
[73] How Jing and Alexander J Smola. 2017. Neural survival recommender. In WSDM. 515–524. [74] Muhammad Murad Khan, Roliana Ibrahim, and Imran Ghani. 2017. Cross Domain Recommender Systems: A Systematic Literature Review. ACM Comput. Surv. 50, 3 (June 2017).
[75] Donghyun Kim, Chanyoung Park, Jinoh Oh, Sungyoung Lee, and Hwanjo Yu. 2016. Convolutional matrix factorization for document context-aware recommendation. In Recsys. 233–240.
[76] Donghyun Kim, Chanyoung Park, Jinoh Oh, and Hwanjo Yu. 2017. Deep Hybrid Recommender Systems via Exploiting Document Context and Statistics of Items. Information Sciences (2017).
[77] Thomas N Kipfand MaxWelling. 2016. Semi-supervised classification with graph convolutional networks. arXiv preprint arXiv:1609.02907 (2016).
[78] Young-Jun Ko, Lucas Maystre, and Matthias Grossglauser. 2016. Collaborative recurrent neural networks for dynamic recommender systems. In Asian Conference on Machine Learning. 366–381.
[79] Yehuda Koren. 2008. Factorization meets the neighborhood: a multifaceted collaborative filtering model. In SIGKDD. 426–434. [80] Yehuda Koren. 2010. Collaborative filtering with temporal dynamics. Commun. ACM 53, 4 (2010), 89–97. [81] Hugo Larochelle and Iain Murray. 2011. The neural autoregressive distribution estimator. In Proceedings ofthe Fourteenth International Conference on Artificial Intelligence and Statistics. 29–37.
[82] Hanbit Lee, Yeonchan Ahn, Haejun Lee, Seungdo Ha, and Sang-goo Lee. 2016. Quote Recommendation in Dialogue using Deep Neural Network. In SIGIR. 957–960.
[83] Joonseok Lee, Sami Abu-El-Haija, Balakrishnan Varadarajan, and Apostol Paul Natsev. 2018. Collaborative Deep Metric Learning for Video Understanding. (2018).
[84] Chenyi Lei, Dong Liu, Weiping Li, Zheng-Jun Zha, and Houqiang Li. 2016. Comparative Deep Learning of Hybrid Representations for Image Recommendations. In Proceedings ofthe IEEE Conference on Computer Vision and Pattern Recognition. 2545–2553.
[85] Jure Leskovec. 2015. New Directions in Recommender Systems. In WSDM. [86] Lihong Li, Wei Chu, John Langford, and Robert E Schapire. 2010. A contextual-bandit approach to personalized news article recommen- dation. In Proceedings ofthe 19th international conference on World wide web. 661–670.
[87] Piji Li, Zihao Wang, Zhaochun Ren, Lidong Bing, and Wai Lam. 2017. Neural Rating Regression with Abstractive Tips Generation for Recommendation. (2017).
[88] Sheng Li, Jaya Kawale, and Yun Fu. 2015. Deep collaborative filtering via marginalized denoising auto-encoder. In CIKM. 811–820. [89] Xiaopeng Li and James She. 2017. Collaborative Variational Autoencoder for Recommender Systems. In SIGKDD. [90] Yang Li, Ting Liu, Jing Jiang, and Liang Zhang. 2016. Hashtag recommendation with topical attention-based LSTM. In COLING. [91] Zhi Li, Hongke Zhao, Qi Liu, Zhenya Huang, Tao Mei, and Enhong Chen. 2018. Learning from History and Present: Next-item Recommendation via Discriminatively Exploiting User Behaviors. In SIGKDD. 1734–1743.
[92] Jianxun Lian, Fuzheng Zhang, Xing Xie, and Guangzhong Sun. 2017. CCCFNet: A Content-Boosted Collaborative Filtering Neural Network for Cross Domain Recommender Systems. In WWW. 817–818.
[93] Jianxun Lian, Xiaohuan Zhou, Fuzheng Zhang, Zhongxia Chen, Xing Xie, and Guangzhong Sun. 2018. xDeepFM: Combining Explicit and Implicit Feature Interactions for Recommender Systems. arXiv preprint arXiv:1803.05170 (2018).
[94] Dawen Liang, Rahul G Krishnan, Matthew D Hoffman, and Tony Jebara. 2018. Variational Autoencoders for Collaborative Filtering. arXiv preprint arXiv:1802.05814 (2018).
[95] Dawen Liang, Minshu Zhan, and Daniel PW Ellis. 2015. Content-Aware Collaborative Music Recommendation Using Pre-trained Neural Networks.. In ISMIR. 295–301.
[96] Yankai Lin, Zhiyuan Liu, Maosong Sun, Yang Liu, and Xuan Zhu. 2015. Learning Entity and Relation Embeddings for Knowledge Graph Completion. In AAAI. 2181–2187.
[97] Juntao Liu and Caihua Wu. 2017. Deep Learning Based Recommendation: A Survey. [98] Qiang Liu, Shu Wu, and Liang Wang. 2017. DeepStyle: Learning User Preferences for Visual Recommendation. (2017).
ACM

[99] Qiao Liu, Yifu Zeng, Refuoe Mokhosi, and Haibin Zhang. 2018. STAMP: Short-Term Attention/Memory Priority Model for Session-based Recommendation. In SIGKDD. 1831–1839.
[100] Xiaomeng Liu, Yuanxin Ouyang, Wenge Rong, and Zhang Xiong. 2015. Item Category Aware Conditional Restricted Boltzmann Machine Based Recommendation. In International Conference on Neural Information Processing. 609–616.
[101] Pablo Loyola, Chen Liu, and Yu Hirate. 2017. Modeling User Session and Intent with an Attention-based Encoder-Decoder Architecture. In Recsys. 147–151.
[102] Pablo Loyola, Chen Liu, and Yu Hirate. 2017. Modeling User Session and Intent with an Attention-based Encoder-Decoder Architecture. In Recsys (RecSys ’17).
[103] Malte Ludewig and Dietmar Jannach. 2018. Evaluation of Session-based Recommendation Algorithms. CoRR abs/1803.09587 (2018). [104] Minh-Thang Luong, Hieu Pham, and Christopher D Manning. 2015. Effective approaches to attention-based neural machine translation. arXiv preprint arXiv:1508.04025 (2015).
[105] Julian McAuley, Christopher Targett, Qinfeng Shi, and Anton Van Den Hengel. 2015. Image-based recommendations on styles and substitutes. In SIGIR. 43–52.
[106] Volodymyr Mnih, Koray Kavukcuoglu, David Silver, Andrei A Rusu, Joel Veness, Marc G Bellemare, Alex Graves, Martin Riedmiller, Andreas K Fidjeland, Georg Ostrovski, and others. 2015. Human-level control through deep reinforcement learning. Nature 518, 7540 (2015), 529.
[107] Isshu Munemasa, Yuta Tomomatsu, Kunioki Hayashi, and Tomohiro Takagi. 2018. Deep Reinforcement Learning for Recommender Systems. (2018).
[108] Cataldo Musto, Claudio Greco, Alessandro Suglia, and Giovanni Semeraro. 2016. Ask Me Any Rating: A Content-based Recommender System based on Recurrent Neural Networks. In IIR.
[109] Maryam M Najafabadi, Flavio Villanustre, Taghi M Khoshgoſtaar, Naeem Seliya, Randall Wald, and Edin Muharemagic. 2015. Deep learning applications and challenges in big data analytics. Journal ofBig Data 2, 1 (2015), 1.
[110] Hanh T. H. Nguyen, Martin Wistuba, Josif Grabocka, Lucas Rego Drumond, and Lars Schmidt-Thieme. 2017. Personalized Deep Learning for Tag Recommendation.
[111] Xia Ning and George Karypis. 2010. Multi-task learning for recommender system. In Proceedings of2nd Asian Conference on Machine Learning. 269–284.
[112] Wei Niu, James Caverlee, and Haokai Lu. 2018. Neural Personalized Ranking for Image Recommendation. In Proceedings ofthe Eleventh ACM International Conference on Web Search and Data Mining. 423–431.
[113] Shumpei Okura, Yukihiro Tagami, Shingo Ono, and Akira Tajima. 2017. Embedding-based News Recommendation for Millions of Users. In SIGKDD.
[114] Yuanxin Ouyang, Wenqi Liu, Wenge Rong, and Zhang Xiong. 2014. Autoencoder-based collaborative filtering. In International Conference on Neural Information Processing. 284–291.
[115] Weike Pan, EvanWei Xiang, Nathan Nan Liu, and Qiang Yang. 2010. Transfer Learning in Collaborative Filtering for Sparsity Reduction. In AAAI, Vol. 10. 230–235.
[116] Yiteng Pana, Fazhi Hea, and Haiping Yua. 2017. Trust-aware Collaborative Denoising Auto-Encoder for Top-N Recommendation. arXiv preprint arXiv:1703.01760 (2017).
[117] Massimo Quadrana, Alexandros Karatzoglou, Bal´azs Hidasi, and Paolo Cremonesi. 2017. Personalizing session-based recommendations with hierarchical recurrent neural networks. In Recsys. 130–137.
[118] Yogesh Singh Rawat and Mohan S Kankanhalli. 2016. ConTagNet: exploiting user context for image tag recommendation. In Proceedings ofthe 2016 ACM on Multimedia Conference. 1102–1106.
[119] S. Rendle. 2010. Factorization Machines. In 2010 IEEE International Conference on Data Mining. [120] Steffen Rendle, Christoph Freudenthaler, Zeno Gantner, and Lars Schmidt-Thieme. 2009. BPR: Bayesian personalized ranking from implicit feedback. In Proceedings ofthe twenty-fiſth conference on uncertainty in artificial intelligence. 452–461.
[121] Francesco Ricci, Lior Rokach, and Bracha Shapira. 2015. Recommender systems: introduction and challenges. In Recommender systems handbook. 1–34.
[122] Salah Rifai, Pascal Vincent, Xavier Muller, Xavier Glorot, and Yoshua Bengio. 2011. Contractive auto-encoders: Explicit invariance during feature extraction. In ICML. 833–840.
[123] Ruslan Salakhutdinov, Andriy Mnih, and Geoffrey Hinton. 2007. Restricted Boltzmann machines for collaborative filtering. In ICML. 791–798.
[124] Adam Santoro, David Raposo, David G Barrett, Mateusz Malinowski, Razvan Pascanu, Peter Battaglia, and Tim Lillicrap. 2017. A simple neural network module for relational reasoning. In NIPS. 4967–4976.
[125] Suvash Sedhain, Aditya Krishna Menon, Scott Sanner, and Lexing Xie. 2015. Autorec: Autoencoders meet collaborative filtering. In WWW. 111–112.
[126] Sungyong Seo, Jing Huang, Hao Yang, and Yan Liu. 2017. Interpretable convolutional neural networks with dual local and global attention for review rating prediction. In Recsys. 297–305.
ACM

[127] Sungyong Seo, Jing Huang, Hao Yang, and Yan Liu. 2017. Representation Learning of Users and Items for Review Rating Prediction Using Attention-based Convolutional Neural Network. In MLRec.
[128] Joan Serr`a and Alexandros Karatzoglou. 2017. Getting deep recommenders fit: Bloom embeddings for sparse binary input/output networks. In Recsys. 279–287.
[129] Ying Shan, T Ryan Hoens, Jian Jiao, Haijing Wang, Dong Yu, and JC Mao. 2016. Deep Crossing: Web-scale modeling without manually craſted combinatorial features. In SIGKDD. 255–262.
[130] Xiaoxuan Shen, Baolin Yi, Zhaoli Zhang, Jiangbo Shu, and Hai Liu. 2016. Automatic Recommendation Technology for Learning Resources with Convolutional Neural Network. In International Symposium on Educational Technology. 30–34.
[131] Yue Shi, Martha Larson, and Alan Hanjalic. 2014. Collaborative filtering beyond the user-item matrix: A survey of the state of the art and future challenges. ACM Computing Surveys (CSUR) 47, 1 (2014), 3.
[132] Elena Smirnova and Flavian Vasile. 2017. Contextual Sequence Modeling for Recommendation with Recurrent Neural Networks. (2017).
[133] Harold Soh, Scott Sanner, Madeleine White, and Greg Jamieson. 2017. Deep Sequential Recommendation for Personalized Adaptive User Interfaces. In Proceedings ofthe 22nd International Conference on Intelligent User Interfaces. 589–593.
[134] Bo Song, Xin Yang, Yi Cao, and Congfu Xu. 2018. Neural Collaborative Ranking. arXiv preprint arXiv:1808.04957 (2018). [135] Yang Song, Ali Mamdouh Elkahky, and Xiaodong He. 2016. Multi-rate deep learning for temporal recommendation. In SIGIR. 909–912. [136] Florian Strub, Romaric Gaudel, and J´er´emie Mary. 2016. Hybrid Recommender System based on Autoencoders. In Proceedings ofthe 1st Workshop on Deep Learning for Recommender Systems. 11–16.
[137] Florian Strub and Jeremie Mary. 2015. Collaborative Filtering with Stacked Denoising AutoEncoders and Sparse Inputs. In NIPS Workshop.
[138] Xiaoyuan Su and Taghi M Khoshgoſtaar. 2009. A survey of collaborative filtering techniques. Advances in artificial intelligence 2009 (2009), 4.
[139] Alessandro Suglia, Claudio Greco, Cataldo Musto, Marco de Gemmis, Pasquale Lops, and Giovanni Semeraro. 2017. A Deep Architecture for Content-based Recommendations Exploiting Recurrent Neural Networks. In Proceedings ofthe 25th Conference on User Modeling, Adaptation and Personalization. 202–211.
[140] Yosuke Suzuki and Tomonobu Ozaki. 2017. Stacked Denoising Autoencoder-Based Deep Collaborative Filtering Using the Change of Similarity. In WAINA. 498–502.
[141] Jiwei Tan, Xiaojun Wan, and Jianguo Xiao. 2016. A Neural Network Approach to Quote Recommendation in Writings. In Proceedings ofthe 25th ACM International on Conference on Information and Knowledge Management. 65–74.
[142] Yong Kiam Tan, Xinxing Xu, and Yong Liu. 2016. Improved recurrent neural networks for session-based recommendations. In Recsys. 17–22.
[143] Jiaxi Tang and Ke Wang. 2018. Personalized top-n sequential recommendation via convolutional sequence embedding. In WSDM. 565–573.
[144] Jiaxi Tang and Ke Wang. 2018. Ranking Distillation: Learning Compact Ranking Models With High Performance for Recommender System. In SIGKDD.
[145] Yi Tay, Luu Anh Tuan, and Siu Cheung Hui. 2018. Latent Relational Metric Learning via Memory-based Attention for Collaborative Ranking. In WWW.
[146] Yi Tay, Anh Tuan Luu, and Siu Cheung Hui. 2018. Multi-Pointer Co-Attention Networks for Recommendation. In SIGKDD. [147] Trieu H Trinh, Andrew M Dai, Thang Luong, and Quoc V Le. 2018. Learning longer-term dependencies in rnns with auxiliary losses. arXiv preprint arXiv:1803.00144 (2018).
[148] Trinh Xuan Tuan and Tu Minh Phuong. 2017. 3D Convolutional Networks for Session-based Recommendation with Content Features. In Recsys. 138–146.
[149] Bartlomiej Twardowski. 2016. Modelling Contextual Information in Session-Aware Recommender Systems with Neural Networks. In Recsys.
[150] Moshe Unger. 2015. Latent Context-Aware Recommender Systems. In Recsys. 383–386. [151] Moshe Unger, Ariel Bar, Bracha Shapira, and Lior Rokach. 2016. Towards latent context-aware recommendation systems. Knowledge- Based Systems 104 (2016), 165–178.
[152] Benigno Uria, Marc-Alexandre Cˆot´e, Karol Gregor, Iain Murray, and Hugo Larochelle. 2016. Neural autoregressive distribution estimation. Journal ofMachine Learning Research 17, 205 (2016), 1–37.
[153] Aaron Van den Oord, Sander Dieleman, and Benjamin Schrauwen. 2013. Deep content-based music recommendation. In NIPS. 2643–2651.
[154] Manasi Vartak, Arvind Thiagarajan, Conrado Miranda, Jeshua Bratman, and Hugo Larochelle. 2017. A Meta-Learning Perspective on Cold-Start Recommendations for Items. In Advances in Neural Information Processing Systems. 6904–6914.
[155] Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, Lukasz Kaiser, and Illia Polosukhin. 2017. Attention is all you need. In Advances in Neural Information Processing Systems. 5998–6008.
ACM

[156] Maksims Volkovs, Guangwei Yu, and Tomi Poutanen. 2017. DropoutNet: Addressing Cold Start in Recommender Systems. In Advances in Neural Information Processing Systems. 4957–4966.
[157] Jeroen B. P. Vuurens, Martha Larson, and Arjen P. de Vries. 2016. Exploring Deep Space: Learning Personalized Ranking in a Semantic Space. In Recsys.
[158] Hao Wang, Xingjian Shi, and Dit-Yan Yeung. 2015. Relational Stacked Denoising Autoencoder for Tag Recommendation.. In AAAI. 3052–3058.
[159] Hao Wang, Naiyan Wang, and Dit-Yan Yeung. 2015. Collaborative deep learning for recommender systems. In SIGKDD. 1235–1244. [160] Hao Wang, SHI Xingjian, and Dit-Yan Yeung. 2016. Collaborative recurrent autoencoder: Recommend while learning to fill in the blanks. In NIPS. 415–423.
[161] Hao Wang and Dit-Yan Yeung. 2016. Towards Bayesian deep learning: A framework and some existing methods. TKDE 28, 12 (2016), 3395–3408.
[162] Jun Wang, Lantao Yu, Weinan Zhang, Yu Gong, Yinghui Xu, Benyou Wang, Peng Zhang, and Dell Zhang. 2017. IRGAN: A Minimax Game for Unifying Generative and Discriminative Information Retrieval Models. (2017).
[163] Lu Wang, Wei Zhang, Xiaofeng He, and Hongyuan Zha. 2018. Supervised Reinforcement Learning with Recurrent Neural Network for Dynamic Treatment Recommendation. In SIGKDD. 2447–2456.
[164] Qinyong Wang, Hongzhi Yin, Zhiting Hu, Defu Lian, Hao Wang, and Zi Huang. 2018. Neural Memory Streaming Recommender Networks with Adversarial Training. In SIGKDD.
[165] Suhang Wang, Yilin Wang, Jiliang Tang, Kai Shu, Suhas Ranganath, and Huan Liu. 2017. What Your Images Reveal: Exploiting Visual Contents for Point-of-Interest Recommendation. In WWW.
[166] Xiang Wang, Xiangnan He, Liqiang Nie, and Tat-Seng Chua. 2017. Item Silk Road: Recommending Items from Information Domains to Social Users. (2017).
[167] Xinxi Wang and Ye Wang. 2014. Improving content-based and hybrid music recommendation using deep learning. In MM. 627–636. [168] Xinxi Wang, Yi Wang, David Hsu, and Ye Wang. 2014. Exploration in interactive personalized music recommendation: a reinforcement learning approach. TOMM 11, 1 (2014), 7.
[169] Xuejian Wang, Lantao Yu, Kan Ren, Guangyu Tao, Weinan Zhang, Yong Yu, and Jun Wang. 2017. Dynamic Attention Deep Model for Article Recommendation by Learning Human Editorsfi Demonstration. In SIGKDD.
[170] JianWei, Jianhua He, Kai Chen, Yi Zhou, and Zuoyin Tang. 2016. Collaborative filtering and deep learning based hybrid recommendation for cold start problem. IEEE, 874–877.
[171] Jian Wei, Jianhua He, Kai Chen, Yi Zhou, and Zuoyin Tang. 2017. Collaborative filtering and deep learning based recommendation system for cold start items. Expert Systems with Applications 69 (2017), 29–39.
[172] Jiqing Wen, Xiaopeng Li, James She, Soochang Park, and Ming Cheung. 2016. Visual background recommendation for dance performances using dancer-shared images. 521–527.
[173] Caihua Wu, Junwei Wang, Juntao Liu, and Wenyu Liu. 2016. Recurrent neural network based recommendation for time heterogeneous feedback. Knowledge-Based Systems 109 (2016), 90–103.
[174] Chao-Yuan Wu, Amr Ahmed, Alex Beutel, and Alexander J Smola. 2016. Joint Training of Ratings and Reviews with Recurrent Recommender Networks. (2016).
[175] Chao-Yuan Wu, Amr Ahmed, Alex Beutel, Alexander J Smola, and How Jing. 2017. Recurrent recommender networks. In WSDM. 495–503.
[176] Sai Wu, Weichao Ren, Chengchao Yu, Gang Chen, Dongxiang Zhang, and Jingbo Zhu. 2016. Personal recommendation using deep recurrent neural networks in NetEase. In ICDE. 1218–1229.
[177] Yao Wu, Christopher DuBois, Alice X Zheng, and Martin Ester. 2016. Collaborative denoising auto-encoders for top-n recommender systems. In WSDM. 153–162.
[178] Jun Xiao, Hao Ye, Xiangnan He, Hanwang Zhang, Fei Wu, and Tat-Seng Chua. 2017. Attentional factorization machines: Learning the weight of feature interactions via attention networks. arXiv preprint arXiv:1708.04617 (2017).
[179] Ruobing Xie, Zhiyuan Liu, Rui Yan, and Maosong Sun. 2016. Neural Emoji Recommendation in Dialogue Systems. arXiv preprint arXiv:1612.04609 (2016).
[180] Weizhu Xie, Yuanxin Ouyang, Jingshuai Ouyang, Wenge Rong, and Zhang Xiong. 2016. User Occupation Aware Conditional Restricted Boltzmann Machine Based Recommendation. 454–461.
[181] Caiming Xiong, Victor Zhong, and Richard Socher. 2016. Dynamic coattention networks for question answering. arXiv preprint arXiv:1611.01604 (2016).
[182] Zhenghua Xu, Cheng Chen, Thomas Lukasiewicz, Yishu Miao, and Xiangwu Meng. 2016. Tag-aware personalized recommendation using a deep-semantic similarity model with negative sampling. In CIKM. 1921–1924.
[183] Zhenghua Xu, Thomas Lukasiewicz, Cheng Chen, Yishu Miao, and Xiangwu Meng. 2017. Tag-aware personalized recommendation using a hybrid deep model. (2017).
ACM

[184] Hong-Jian Xue, Xinyu Dai, Jianbing Zhang, Shujian Huang, and Jiajun Chen. 2017. Deep Matrix Factorization Models for Recommender Systems.. In IJCAI. 3203–3209.
[185] Carl Yang, Lanxiao Bai, Chao Zhang, Quan Yuan, and Jiawei Han. 2017. Bridging Collaborative Filtering and Semi-Supervised Learning: A Neural Approach for POI Recommendation. In SIGKDD.
[186] Lina Yao, Quan Z Sheng, Anne HH Ngu, and Xue Li. 2016. Things of interest recommendation by leveraging heterogeneous relations in the internet of things. ACMTransactions on Internet Technology (TOIT) 16, 2 (2016), 9.
[187] Baolin Yi, Xiaoxuan Shen, Zhaoli Zhang, Jiangbo Shu, and Hai Liu. 2016. Expanded autoencoder recommendation framework and its application in movie recommendation. In SKIMA. 298–303.
[188] Haochao Ying, Liang Chen, Yuwen Xiong, and Jian Wu. 2016. Collaborative deep ranking: a hybrid pair-wise recommendation algorithm with implicit feedback. In PAKDD. 555–567.
[189] Haochao Ying, Fuzhen Zhuang, Fuzheng Zhang, Yanchi Liu, Guandong Xu, Xing Xie, Hui Xiong, and Jian Wu. 2018. Sequential Recommender System based on Hierarchical Attention Networks. In IJCAI.
[190] Rex Ying, Ruining He, Kaifeng Chen, Pong Eksombatchai, William L Hamilton, and Jure Leskovec. 2018. Graph Convolutional Neural Networks for Web-Scale Recommender Systems. arXiv preprint arXiv:1806.01973 (2018).
[191] Wenhui Yu, Huidi Zhang, Xiangnan He, Xu Chen, Li Xiong, and Zheng Qin. 2018. Aesthetic-based clothing recommendation. In WWW. 649–658.
[192] Fuzheng Zhang, Nicholas Jing Yuan, Defu Lian, Xing Xie, and Wei-Ying Ma. 2016. Collaborative knowledge base embedding for recommender systems. In SIGKDD. 353–362.
[193] Qi Zhang, Jiawen Wang, Haoran Huang, Xuanjing Huang, and Yeyun Gong. Hashtag Recommendation for Multimodal Microblog Using Co-Attention Network. In IJCAI.
[194] Shuai Zhang, Yi Tay, Lina Yao, and Aixin Sun. 2018. Next Item Recommendation with Self-Attention. arXiv preprint arXiv:1808.06414 (2018).
[195] Shuai Zhang, Lina Yao, Aixin Sun, Sen Wang, Guodong Long, and Manqing Dong. 2018. NeuRec: On Nonlinear Transformation for Personalized Ranking. arXiv preprint arXiv:1805.03002 (2018).
[196] Shuai Zhang, Lina Yao, and Xiwei Xu. 2017. AutoSVD++: An Efficient Hybrid Collaborative Filtering Model via Contractive Auto- encoders. (2017).
[197] Yongfeng Zhang, Qingyao Ai, Xu Chen, and W Bruce Croſt. 2017. Joint representation learning for top-n recommendation with heterogeneous information sources. In CIKM. 1449–1458.
[198] Xiangyu Zhao, Long Xia, Liang Zhang, Zhuoye Ding, Dawei Yin, and Jiliang Tang. 2018. Deep Reinforcement Learning for Page-wise Recommendations. arXiv preprint arXiv:1805.02343 (2018).
[199] Xiangyu Zhao, Liang Zhang, Zhuoye Ding, Long Xia, Jiliang Tang, and Dawei Yin. 2018. Recommendations with Negative Feedback via Pairwise Deep Reinforcement Learning. arXiv preprint arXiv:1802.06501 (2018).
[200] Guanjie Zheng, Fuzheng Zhang, Zihan Zheng, Yang Xiang, Nicholas Jing Yuan, Xing Xie, and Zhenhui Li. 2018. DRN: A Deep Reinforcement Learning Framework for News Recommendation. In WWW. 167–176.
[201] Lei Zheng, Chun-Ta Lu, Lifang He, Sihong Xie, Vahid Noroozi, He Huang, and Philip S Yu. 2018. MARS: Memory Attention-Aware Recommender System. arXiv preprint arXiv:1805.07037 (2018).
[202] Lei Zheng, Vahid Noroozi, and Philip S. Yu. 2017. Joint Deep Modeling of Users and Items Using Reviews for Recommendation. In WSDM.
[203] Yin Zheng, Cailiang Liu, Bangsheng Tang, and Hanning Zhou. 2016. Neural Autoregressive Collaborative Filtering for Implicit Feedback. In Recsys.
[204] Yin Zheng, Bangsheng Tang, Wenkui Ding, and Hanning Zhou. 2016. A Neural Autoregressive Approach to Collaborative Filtering. In ICML.
[205] Chang Zhou, Jinze Bai, Junshuai Song, Xiaofei Liu, Zhengchao Zhao, Xiusi Chen, and Jun Gao. 2017. ATRank: An Attention-Based User Behavior Modeling Framework for Recommendation. arXiv preprint arXiv:1711.06632 (2017).
[206] Jiang Zhou, Cathal Gurrin, and Rami Albatal. 2016. Applying visual user interest profiles for recommendation & personalisation. (2016).
[207] Fuzhen Zhuang, Dan Luo, Nicholas Jing Yuan, Xing Xie, and Qing He. 2017. Representation Learning with Pair-wise Constraints for Collaborative Ranking. In WSDM. 567–575.
[208] Fuzhen Zhuang, Zhiqiang Zhang, Mingda Qian, Chuan Shi, Xing Xie, and Qing He. 2017. Representation learning via Dual-Autoencoder for recommendation. Neural Networks 90 (2017), 83–89.
[209] Yi Zuo, Jiulin Zeng, Maoguo Gong, and Licheng Jiao. 2016. Tag-aware recommender systems based on deep neural networks. Neurocomputing 204 (2016), 51–60.
ACM

 

评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值