2020推荐系统算法一览、实践

机器学习AI算法工程

共 8767字,需浏览 18分钟

 · 2021-03-26


向AI转型的程序员都关注了这个号👇👇👇

人工智能大数据与深度学习  公众号:datayx



国外前沿

以下引用都高


Fairness-Aware Ranking in Search & Recommendation Systems with Application to LinkedIn Talent Search 【2019】


Learning binary codes with neural collaborative filtering for efficient recommendation systems【2019】


经典论文

筛选文章的标准:前沿或者经典的,工程导向的,google、阿里、facebook等一线互联网公司出品的:


Wide & Deep Learning for Recommender Systems

google 的 wide&deep,必看论文,经典到难以附加


DeepFM: An End-to-End Wide & Deep Learning Framework for CTR Prediction

华为对wide&deep的改进,加了wide层的交叉项。如今工业界的主流模型


Practical lessons from predicting clicks on ads at facebook

facebook GBDT+LR的经典方案。虽然如今已不是主流方案,但论文中的思想很值得学习。


Deep Neural Networks for YouTube Recommendations

介绍了Youtube推荐系统工业界架构与方案,经典必看


Real-time Personalization using Embeddings for Search Ranking at Airbnb

KDD2018 best paper,Embedding 必看论文,非常经典


Entire Space Multi-Task Model: An Effective Approach for Estimating Post-Click Conversion Rate

阿里的多目标学习经典方案,同时优化CTR & CVR


Real-time Personalization using Embeddings for Search Ranking at Airbnb

介绍了 airbnb 搜索排序模型的演进,工业性质很强,值得参考


搜索引擎点击模型综述

清华马少平团队的文章点击模型入门必看,搜索引擎点击模型综述


论文附带的开源项目

重在对自己算法的实现

Hyperbolic (ordinary and variational) autoencoders for recommender systems-2020

https://github.com/evfro/HyperbolicRecommenders



Hieararchical RNN recommender with temporal modeling-2017


fashion-recommendation-2018

In this project, I created an end-to-end solution for large-scale image classification and visual recommendation on fashion images. More specifically, my model can learn the important regions in an image and generate diverse recommendations based on such semantic similarity.

https://github.com/khanhnamle1994/fashion-recommendation



综述性复现

1.NeuRec -2020

复现了2013-2019年多篇论文,当然bug也多,有一定学习价值项目地址,目前700星星左右2020/11/27

https://github.com/wubinzzu/NeuRec



2.RecSys2019_DeepLearning_Evaluation-2019

https://github.com/MaurizioFD/RecSys2019_DeepLearning_Evaluation



3. 推荐动手实现-facebookresearch/dlrm-2019

https://github.com/facebookresearch/dlrm


单肩包/双肩包/斜挎包/手提包/胸包/旅行包/上课书包 /个性布袋等各式包饰挑选

https://shop585613237.taobao.com/


KDD(https://www.kdd.org/kdd2020/)是推荐领域一个顶级的国际会议。本次接收的论文按照推荐系统应用场景可以大致划分为:CTR预估、TopN推荐、对话式推荐、序列推荐等。同时,GNN、强化学习、多任务学习、迁移学习、AutoML、元学习在推荐系统的落地应用也成为当下的主要研究点。此届会议有很大一部分来自工业界的论文,包括Google、Microsoft、Criteo、Spotify以及国内大厂阿里、百度、字节、华为、滴滴等。

CTR Prediction

1. AutoFIS: Automatic Feature Interaction Selection in Factorization Models for Click-Through Rate Prediction 【华为诺亚】

简介:本文采用AutoML的搜索方法选择重要性高的二次特征交互项、去除干扰项,提升FM、DeepFM这类模型的准确率。
论文:arxiv.org/abs/2003.1123

2. Category-Specific CNN for Visual-aware CTR Prediction at JD.com 【京东】

论文:arxiv.org/abs/2006.1033

3. Towards Automated Neural Interaction Discovering for Click-Through Rate Prediction 【Facebook】

论文:arxiv.org/abs/2007.0643

Graph-based Recommendation

1. A Framework for Recommending Accurate and Diverse Items Using Bayesian Graph Convolutional Neural Networks 【华为诺亚】

2. An Efficient Neighborhood-based Interaction Model for Recommendation on Heterogeneous Graph 【Amazon】

论文:arxiv.org/abs/2007.0021

3. M2GRL: A Multi-task Multi-view Graph Representation Learning Framework for Web-scale Recommender Systems 【阿里】

简介:本文通过关联多个视角的图(item-item图、item-shop图、shop-shop图等)增强item表征,用于item召回。
论文:arxiv.org/abs/2005.1011

4. Handling Information Loss of Graph Neural Networks for Session-based Recommendation

5. Interactive Path Reasoning on Graph for Conversational Recommendation

论文:arxiv.org/abs/2007.0019

6. A Dual Heterogeneous Graph Attention Network to Improve Long-Tail Performance for Shop Search in E-Commerce 【阿里】

7. Gemini: A Novel and Universal Heterogeneous Graph Information Fusing Framework for Online Recommendations 【滴滴】

Conversational Recommendation

1. Evaluating Conversational Recommender Systems via User Simulation

论文:arxiv.org/abs/2006.0873

2. Improving Conversational Recommender Systems via Knowledge Graph based Semantic Fusion

论文:arxiv.org/abs/2007.0403

3. Interactive Path Reasoning on Graph for Conversational Recommendation

论文:arxiv.org/abs/2007.0019

CF and Top-N Recommendation

1. Dual Channel Hypergraph Collaborative Filtering 【百度】

笔记:blog.csdn.net/weixin_42

2. Probabilistic Metric Learning with Adaptive Margin for Top-K Recommendation 【华为诺亚】

3. Controllable Multi-Interest Framework for Recommendation 【阿里】

论文:arxiv.org/abs/2005.0934

4. Embedding-based Retrieval in Facebook Search 【Facebook】

论文:arxiv.org/abs/2006.1163

5. On Sampling Top-K Recommendation Evaluation

Embedding and Representation

1. Compositional Embeddings Using Complementary Partitions for Memory-Efficient Recommendation Systems 【Facebook】

论文:arxiv.org/abs/1909.0210

2. PinnerSage: Multi-Modal User Embedding Framework for Recommendations at Pinterest 【Pinterest】

论文:arxiv.org/abs/2007.0363

3. SimClusters: Community-Based Representations for Heterogeneous Recommendations at Twitter 【Twitter】

4. Time-Aware User Embeddings as a Service 【Yahoo】

论文:astro.temple.edu/~tuf28

Sequential Recommendation

1. Disentangled Self-Supervision in Sequential Recommenders 【阿里】

论文:http://pengcui.thumedialab.com/papers/Disen...

2. Handling Information Loss of Graph Neural Networks for Session-based Recommendation

3. Maximizing Cumulative User Engagement in Sequential Recommendation: An Online Optimization Perspective 【阿里】

论文:arxiv.org/pdf/2006.0452

RL for Recommendation

1. Jointly Learning to Recommend and Advertise 【字节跳动】

论文:arxiv.org/abs/2003.0009

2. BLOB: A Probabilistic Model for Recommendation that Combines Organic and Bandit Signals 【Criteo】

3. Joint Policy-Value Learning for Recommendation 【Criteo】

论文:researchgate.net/public

Multi-Task Learning

1. Privileged Features Distillation at Taobao Recommendations 【阿里】

论文:arxiv.org/abs/1907.0517

Transfer Learning

1. Learning Transferrable Parameters for Long-tailed Sequential User Behavior Modeling 【Salesforce】

2. Semi-supervised Collaborative Filtering by Text-enhanced Domain Adaptation 【阿里】

论文:arxiv.org/abs/2007.0708

AutoML for Recommendation

1. Neural Input Search for Large Scale Recommendation Models 【Google】

论文:arxiv.org/abs/1907.0447

2. Towards Automated Neural Interaction Discovering for Click-Through Rate Prediction 【Facebook】

论文:arxiv.org/abs/2007.0643

Federated Learning

1. FedFast: Going Beyond Average for Faster Training of Federated Recommender Systems

Evaluation

1. Counterfactual Evaluation of Slate Recommendations with Sequential Reward Interactions 【Netflix, Spotify】

论文:arxiv.org/abs/2007.1298

2. Evaluating Conversational Recommender Systems via User Simulation

论文:arxiv.org/abs/2006.0873

3. 【Best Paper Award】On Sampled Metrics for Item Recommendation 【Google】

4. On Sampling Top-K Recommendation Evaluation

Debiasing

1. Debiasing Grid-based Product Search in E-commerce 【Etsy】

论文:public.asu.edu/~rguo12/

2. Counterfactual Evaluation of Slate Recommendations with Sequential Reward Interactions 【Netflix, Spotify】

论文:arxiv.org/abs/2007.1298

3. Attribute-based Propensity for Unbiased Learning in Recommender Systems: Algorithm and Case Studies 【Google】

论文:research.google/pubs/pu

POI Recommendation

1. Geography-Aware Sequential Location Recommendation 【Microsoft】

论文:staff.ustc.edu.cn/~lian

Cold-Start Recommendation

1. MAMO: Memory-Augmented Meta-Optimization for Cold-start Recommendation

论文:arxiv.org/abs/2007.0318

2. Meta-learning on Heterogeneous Information Networks for Cold-start Recommendation

论文:https://ink.library.smu.edu.sg/cgi/...

Others

1. Improving Recommendation Quality in Google Drive 【Google】

论文:research.google/pubs/pu

2. Temporal-Contextual Recommendation in Real-Time 【Amazon】

论文:https://assets.amazon.science/96/71/d1f25754497681133c7aa2b7eb05/temporal-contextual-recommendation-in-real-time.pdf




阅读过本文的人还看了以下文章:


TensorFlow 2.0深度学习案例实战


基于40万表格数据集TableBank,用MaskRCNN做表格检测


《基于深度学习的自然语言处理》中/英PDF


Deep Learning 中文版初版-周志华团队


【全套视频课】最全的目标检测算法系列讲解,通俗易懂!


《美团机器学习实践》_美团算法团队.pdf


《深度学习入门:基于Python的理论与实现》高清中文PDF+源码


特征提取与图像处理(第二版).pdf


python就业班学习视频,从入门到实战项目


2019最新《PyTorch自然语言处理》英、中文版PDF+源码


《21个项目玩转深度学习:基于TensorFlow的实践详解》完整版PDF+附书代码


《深度学习之pytorch》pdf+附书源码


PyTorch深度学习快速实战入门《pytorch-handbook》


【下载】豆瓣评分8.1,《机器学习实战:基于Scikit-Learn和TensorFlow》


《Python数据分析与挖掘实战》PDF+完整源码


汽车行业完整知识图谱项目实战视频(全23课)


李沐大神开源《动手学深度学习》,加州伯克利深度学习(2019春)教材


笔记、代码清晰易懂!李航《统计学习方法》最新资源全套!


《神经网络与深度学习》最新2018版中英PDF+源码


将机器学习模型部署为REST API


FashionAI服装属性标签图像识别Top1-5方案分享


重要开源!CNN-RNN-CTC 实现手写汉字识别


yolo3 检测出图像中的不规则汉字


同样是机器学习算法工程师,你的面试为什么过不了?


前海征信大数据算法:风险概率预测


【Keras】完整实现‘交通标志’分类、‘票据’分类两个项目,让你掌握深度学习图像分类


VGG16迁移学习,实现医学图像识别分类工程项目


特征工程(一)


特征工程(二) :文本数据的展开、过滤和分块


特征工程(三):特征缩放,从词袋到 TF-IDF


特征工程(四): 类别特征


特征工程(五): PCA 降维


特征工程(六): 非线性特征提取和模型堆叠


特征工程(七):图像特征提取和深度学习


如何利用全新的决策树集成级联结构gcForest做特征工程并打分?


Machine Learning Yearning 中文翻译稿


蚂蚁金服2018秋招-算法工程师(共四面)通过


全球AI挑战-场景分类的比赛源码(多模型融合)


斯坦福CS230官方指南:CNN、RNN及使用技巧速查(打印收藏)


python+flask搭建CNN在线识别手写中文网站


中科院Kaggle全球文本匹配竞赛华人第1名团队-深度学习与特征工程



不断更新资源

深度学习、机器学习、数据分析、python

 搜索公众号添加: datayx  



机大数据技术与机器学习工程

 搜索公众号添加: datanlp

长按图片,识别二维码

浏览 32
点赞
评论
收藏
分享

手机扫一扫分享

举报
评论
图片
表情
推荐
点赞
评论
收藏
分享

手机扫一扫分享

举报