# DeepLearningLeteratures **Repository Path**: cvsuser/DeepLearningLeteratures ## Basic Information - **Project Name**: DeepLearningLeteratures - **Description**: No description available - **Primary Language**: Unknown - **License**: MIT - **Default Branch**: master - **Homepage**: None - **GVP Project**: No ## Statistics - **Stars**: 0 - **Forks**: 0 - **Created**: 2021-03-11 - **Last Updated**: 2021-09-23 ## Categories & Tags **Categories**: Uncategorized **Tags**: None ## README # 推荐系统论文、学习资料、业界分享 动态更新工作中实现或者阅读过的推荐系统相关论文、学习资料和业界分享,作为自己工作的总结,也希望能为推荐系统相关行业的同学带来便利。 所有资料均来自于互联网,如有侵权,请联系王喆。同时欢迎对推荐系统感兴趣的同学与我讨论相关问题,我的联系方式如下: * Email: wzhe06@gmail.com * LinkedIn: [王喆的LinkedIn](https://www.linkedin.com/in/zhe-wang-profile/) * 知乎私信: [王喆的知乎](https://www.zhihu.com/people/wang-zhe-58) **其他相关资源** * [计算广告相关论文和资源列表](https://github.com/wzhe06/Ad-papers)
* [张伟楠的RTB Papers列表](https://github.com/wnzhang/rtb-papers)
* [基于Spark MLlib的CTR prediction模型(LR, Random forest, GBDT, NN, PNN)](https://github.com/wzhe06/CTRmodel)
* [Honglei Zhang的推荐系统论文列表](https://github.com/hongleizhang/RSPapers) ## 目录 ### Deep Learning Recommender System * [[DCN] Deep & Cross Network for Ad Click Predictions (Stanford 2017)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDCN%5D%20Deep%20%26%20Cross%20Network%20for%20Ad%20Click%20Predictions%20%28Stanford%202017%29.pdf)
* [[Deep Crossing] Deep Crossing - Web-Scale Modeling without Manually Crafted Combinatorial Features (Microsoft 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDeep%20Crossing%5D%20Deep%20Crossing%20-%20Web-Scale%20Modeling%20without%20Manually%20Crafted%20Combinatorial%20Features%20%28Microsoft%202016%29.pdf)
* [[PNN] Product-based Neural Networks for User Response Prediction (SJTU 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BPNN%5D%20Product-based%20Neural%20Networks%20for%20User%20Response%20Prediction%20%28SJTU%202016%29.pdf)
* [[DIN] Deep Interest Network for Click-Through Rate Prediction (Alibaba 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDIN%5D%20Deep%20Interest%20Network%20for%20Click-Through%20Rate%20Prediction%20%28Alibaba%202018%29.pdf)
* [[ESMM] Entire Space Multi-Task Model - An Effective Approach for Estimating Post-Click Conversion Rate (Alibaba 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BESMM%5D%20Entire%20Space%20Multi-Task%20Model%20-%20An%20Effective%20Approach%20for%20Estimating%20Post-Click%20Conversion%20Rate%20%28Alibaba%202018%29.pdf)
* [[DL Recsys Intro] Deep Learning based Recommender System- A Survey and New Perspectives (UNSW 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDL%20Recsys%20Intro%5D%20Deep%20Learning%20based%20Recommender%20System-%20A%20Survey%20and%20New%20Perspectives%20%28UNSW%202018%29.pdf)
* [[xDeepFM] xDeepFM - Combining Explicit and Implicit Feature Interactions for Recommender Systems (USTC 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BxDeepFM%5D%20xDeepFM%20-%20Combining%20Explicit%20and%20Implicit%20Feature%20Interactions%20for%20Recommender%20Systems%20%28USTC%202018%29.pdf)
* [[Image CTR] Image Matters - Visually modeling user behaviors using Advanced Model Server (Alibaba 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BImage%20CTR%5D%20Image%20Matters%20-%20Visually%20modeling%20user%20behaviors%20using%20Advanced%20Model%20Server%20%28Alibaba%202018%29.pdf)
* [[CDL] Collaborative Deep Learning for Recommender Systems (HKUST, 2015)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BCDL%5D%20Collaborative%20Deep%20Learning%20for%20Recommender%20Systems%20%28HKUST%2C%202015%29.pdf)
* [[DSSM in Recsys] A Multi-View Deep Learning Approach for Cross Domain User Modeling in Recommendation Systems (Microsoft 2015)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDSSM%20in%20Recsys%5D%20A%20Multi-View%20Deep%20Learning%20Approach%20for%20Cross%20Domain%20User%20Modeling%20in%20Recommendation%20Systems%20%28Microsoft%202015%29.pdf)
* [[AFM] Attentional Factorization Machines - Learning the Weight of Feature Interactions via Attention Networks (ZJU 2017)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BAFM%5D%20Attentional%20Factorization%20Machines%20-%20Learning%20the%20Weight%20of%20Feature%20Interactions%20via%20Attention%20Networks%20%28ZJU%202017%29.pdf)
* [[DIEN] Deep Interest Evolution Network for Click-Through Rate Prediction (Alibaba 2019)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDIEN%5D%20Deep%20Interest%20Evolution%20Network%20for%20Click-Through%20Rate%20Prediction%20%28Alibaba%202019%29.pdf)
* [[Wide&Deep] Wide & Deep Learning for Recommender Systems (Google 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BWide%26Deep%5D%20Wide%20%26%20Deep%20Learning%20for%20Recommender%20Systems%20%28Google%202016%29.pdf)
* [[DSSM] Learning Deep Structured Semantic Models for Web Search using Clickthrough Data (UIUC 2013)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDSSM%5D%20Learning%20Deep%20Structured%20Semantic%20Models%20for%20Web%20Search%20using%20Clickthrough%20Data%20%28UIUC%202013%29.pdf)
* [[NCF] Neural Collaborative Filtering (NUS 2017)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BNCF%5D%20Neural%20Collaborative%20Filtering%20%28NUS%202017%29.pdf)
* [[FNN] Deep Learning over Multi-field Categorical Data (UCL 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BFNN%5D%20Deep%20Learning%20over%20Multi-field%20Categorical%20Data%20%28UCL%202016%29.pdf)
* [[DeepFM] A Factorization-Machine based Neural Network for CTR Prediction (HIT-Huawei 2017)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BDeepFM%5D%20A%20Factorization-Machine%20based%20Neural%20Network%20for%20CTR%20Prediction%20%28HIT-Huawei%202017%29.pdf)
* [[NFM] Neural Factorization Machines for Sparse Predictive Analytics (NUS 2017)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BNFM%5D%20Neural%20Factorization%20Machines%20for%20Sparse%20Predictive%20Analytics%20%28NUS%202017%29.pdf)
* [[Latent Cross] Latent Cross- Making Use of Context in Recurrent Recommender Systems (Google 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Deep%20Learning%20Recommender%20System/%5BLatent%20Cross%5D%20Latent%20Cross-%20Making%20Use%20of%20Context%20in%20Recurrent%20Recommender%20Systems%20%28Google%202018%29.pdf)
### Embedding * [[Negative Sampling] Word2vec Explained Negative-Sampling Word-Embedding Method (2014)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BNegative%20Sampling%5D%20Word2vec%20Explained%20Negative-Sampling%20Word-Embedding%20Method%20%282014%29.pdf)
* [[SDNE] Structural Deep Network Embedding (THU 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BSDNE%5D%20Structural%20Deep%20Network%20Embedding%20%28THU%202016%29.pdf)
* [[Item2Vec] Item2Vec-Neural Item Embedding for Collaborative Filtering (Microsoft 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BItem2Vec%5D%20Item2Vec-Neural%20Item%20Embedding%20for%20Collaborative%20Filtering%20%28Microsoft%202016%29.pdf)
* [[Word2Vec] Distributed Representations of Words and Phrases and their Compositionality (Google 2013)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BWord2Vec%5D%20Distributed%20Representations%20of%20Words%20and%20Phrases%20and%20their%20Compositionality%20%28Google%202013%29.pdf)
* [[LSH] Locality-Sensitive Hashing for Finding Nearest Neighbors (IEEE 2008)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BLSH%5D%20Locality-Sensitive%20Hashing%20for%20Finding%20Nearest%20Neighbors%20%28IEEE%202008%29.pdf)
* [[Word2Vec] Word2vec Parameter Learning Explained (UMich 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BWord2Vec%5D%20Word2vec%20Parameter%20Learning%20Explained%20%28UMich%202016%29.pdf)
* [[Node2vec] Node2vec - Scalable Feature Learning for Networks (Stanford 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BNode2vec%5D%20Node2vec%20-%20Scalable%20Feature%20Learning%20for%20Networks%20%28Stanford%202016%29.pdf)
* [[Graph Embedding] DeepWalk- Online Learning of Social Representations (SBU 2014)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BGraph%20Embedding%5D%20DeepWalk-%20Online%20Learning%20of%20Social%20Representations%20%28SBU%202014%29.pdf)
* [Learning Semantic Hierarchies via Word Embedding](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/Learning%20Semantic%20Hierarchies%20via%20Word%20Embedding.pdf)
* [Bilingual Word Embedding for Phrase-Based Machine Translation](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/Bilingual%20Word%20Embedding%20for%20Phrase-Based%20Machine%20Translation.pdf)
* [[Airbnb Embedding] Real-time Personalization using Embeddings for Search Ranking at Airbnb (Airbnb 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BAirbnb%20Embedding%5D%20Real-time%20Personalization%20using%20Embeddings%20for%20Search%20Ranking%20at%20Airbnb%20%28Airbnb%202018%29.pdf)
* [Zero-Shot Learning Through Cross-Modal Transfer](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/Zero-Shot%20Learning%20Through%20Cross-Modal%20Transfer.pdf)
* [[Alibaba Embedding] Billion-scale Commodity Embedding for E-commerce Recommendation in Alibaba (Alibaba 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BAlibaba%20Embedding%5D%20Billion-scale%20Commodity%20Embedding%20for%20E-commerce%20Recommendation%20in%20Alibaba%20%28Alibaba%202018%29.pdf)
* [[Word2Vec] Efficient Estimation of Word Representations in Vector Space (Google 2013)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BWord2Vec%5D%20Efficient%20Estimation%20of%20Word%20Representations%20in%20Vector%20Space%20%28Google%202013%29.pdf)
* [[LINE] LINE - Large-scale Information Network Embedding (MSRA 2015)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Embedding/%5BLINE%5D%20LINE%20-%20Large-scale%20Information%20Network%20Embedding%20%28MSRA%202015%29.pdf)
### Famous Machine Learning Papers * [[RNN] Learning Phrase Representations using RNN Encoder–Decoder for Statistical Machine Translation (UofM 2014)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Famous%20Machine%20Learning%20Papers/%5BRNN%5D%20Learning%20Phrase%20Representations%20using%20RNN%20Encoder%E2%80%93Decoder%20for%20Statistical%20Machine%20Translation%20%28UofM%202014%29.pdf)
* [[CNN] ImageNet Classification with Deep Convolutional Neural Networks (UofT 2012)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Famous%20Machine%20Learning%20Papers/%5BCNN%5D%20ImageNet%20Classification%20with%20Deep%20Convolutional%20Neural%20Networks%20%28UofT%202012%29.pdf)
* [[Seq2Seq] A comparsion of Sequence-to-Sequence Models for Speech Recognition](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Famous%20Machine%20Learning%20Papers/%5BSeq2Seq%5D%20A%20comparsion%20of%20Sequence-to-Sequence%20Models%20for%20Speech%20Recognition.PDF)
* [[CRF] Conditional Random Fields (CRF) as Recurrent Neural Networks (RNN)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Famous%20Machine%20Learning%20Papers/%5BCRF%5D%20Conditional%20Random%20Fields%20%28CRF%29%20as%20Recurrent%20Neural%20Networks%20%28RNN%29.pdf)
### Federated Learning * [Addressing Class Imbalance in Federated Learning](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Federated%20Learning/Addressing%20Class%20Imbalance%20in%20Federated%20Learning.pdf)
### Classic Recommender System * [[MF] Matrix Factorization Techniques for Recommender Systems (Yahoo 2009)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Classic%20Recommender%20System/%5BMF%5D%20Matrix%20Factorization%20Techniques%20for%20Recommender%20Systems%20%28Yahoo%202009%29.pdf)
* [[Earliest CF] Using Collaborative Filtering to Weave an Information Tapestry (PARC 1992)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Classic%20Recommender%20System/%5BEarliest%20CF%5D%20Using%20Collaborative%20Filtering%20to%20Weave%20an%20Information%20Tapestry%20%28PARC%201992%29.pdf)
* [[Recsys Intro] Recommender Systems Handbook (FRicci 2011)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Classic%20Recommender%20System/%5BRecsys%20Intro%5D%20Recommender%20Systems%20Handbook%20%28FRicci%202011%29.pdf)
* [[Recsys Intro slides] Recommender Systems An introduction (DJannach 2014)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Classic%20Recommender%20System/%5BRecsys%20Intro%20slides%5D%20Recommender%20Systems%20An%20introduction%20%28DJannach%202014%29.pdf)
* [[CF] Amazon Recommendations Item-to-Item Collaborative Filtering (Amazon 2003)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Classic%20Recommender%20System/%5BCF%5D%20Amazon%20Recommendations%20Item-to-Item%20Collaborative%20Filtering%20%28Amazon%202003%29.pdf)
* [[ItemCF] Item-Based Collaborative Filtering Recommendation Algorithms (UMN 2001)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Classic%20Recommender%20System/%5BItemCF%5D%20Item-Based%20Collaborative%20Filtering%20Recommendation%20Algorithms%20%28UMN%202001%29.pdf)
* [[Bilinear] Personalized Recommendation on Dynamic Content Using Predictive Bilinear Models (Yahoo 2009)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Classic%20Recommender%20System/%5BBilinear%5D%20Personalized%20Recommendation%20on%20Dynamic%20Content%20Using%20Predictive%20Bilinear%20Models%20%28Yahoo%202009%29.pdf)
### slide by Huang-yi Lee * [introduction of machine learning by Hung-yi Lee](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/slide%20by%20Huang-yi%20Lee/introduction%20of%20machine%20learning%20by%20Hung-yi%20Lee.pdf)
* [Regression machine learning by Hung-yi Lee](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/slide%20by%20Huang-yi%20Lee/Regression%20machine%20learning%20by%20Hung-yi%20Lee.pdf)
* [一天搞懂深度学习-李宏毅](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/slide%20by%20Huang-yi%20Lee/%E4%B8%80%E5%A4%A9%E6%90%9E%E6%87%82%E6%B7%B1%E5%BA%A6%E5%AD%A6%E4%B9%A0-%E6%9D%8E%E5%AE%8F%E6%AF%85.pdf)
* [ASR (v12)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/slide%20by%20Huang-yi%20Lee/ASR%20%28v12%29.pdf)
### Evaluation * [[EE Evaluation Intro] Offline Evaluation and Optimization for Interactive Systems (Microsoft 2015)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Evaluation/%5BEE%20Evaluation%20Intro%5D%20Offline%C2%A0Evaluation%C2%A0and%C2%A0Optimization%20for%C2%A0Interactive%C2%A0Systems%20%28Microsoft%202015%29.pdf)
* [[Bootstrapped Replay] Improving offline evaluation of contextual bandit algorithms via bootstrapping techniques (Ulille 2014)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Evaluation/%5BBootstrapped%20Replay%5D%20Improving%20offline%20evaluation%20of%20contextual%20bandit%20algorithms%20via%20bootstrapping%20techniques%20%28Ulille%202014%29.pdf)
* [[InterLeaving] Large-Scale Validation and Analysis of Interleaved Search Evaluation (Yahoo 2012)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Evaluation/%5BInterLeaving%5D%20Large-Scale%20Validation%20and%20Analysis%20of%20Interleaved%20Search%20Evaluation%20%28Yahoo%202012%29.pdf)
* [[Replay] Unbiased Offline Evaluation of Contextual-bandit-based News Article Recommendation Algorithms (Yahoo 2012)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Evaluation/%5BReplay%5D%20Unbiased%20Offline%20Evaluation%20of%20Contextual-bandit-based%20News%20Article%20Recommendation%20Algorithms%20%28Yahoo%202012%29.pdf)
* [[Classic Metrics] A Survey of Accuracy Evaluation Metrics of Recommendation Tasks (Microsoft 2009)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Evaluation/%5BClassic%20Metrics%5D%20A%20Survey%20of%20Accuracy%20Evaluation%20Metrics%20of%20Recommendation%20Tasks%20%28Microsoft%202009%29.pdf)
### Reinforcement Learning in Reco * [Active Learning in Collaborative Filtering Recommender Systems(UNIBZ 2014)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Reinforcement%20Learning%20in%20Reco/Active%20Learning%20in%20Collaborative%20Filtering%20Recommender%20Systems%28UNIBZ%202014%29.pdf)
* [DRN- A Deep Reinforcement Learning Framework for News Recommendation (MSRA 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Reinforcement%20Learning%20in%20Reco/DRN-%20A%20Deep%20Reinforcement%20Learning%20Framework%20for%20News%20Recommendation%20%28MSRA%202018%29.pdf)
* [Exploration in Interactive Personalized Music Recommendation- A Reinforcement Learning Approach (NUS 2013)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Reinforcement%20Learning%20in%20Reco/Exploration%20in%20Interactive%20Personalized%20Music%20Recommendation-%20A%20Reinforcement%20Learning%20Approach%20%28NUS%202013%29.pdf)
* [A survey of active learning in collaborative filtering recommender systems (POLIMI 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Reinforcement%20Learning%20in%20Reco/A%20survey%20of%20active%20learning%20in%20collaborative%20filtering%20recommender%20systems%20%28POLIMI%202016%29.pdf)
### unknown * [勘误-104S204_AA01R01](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/%E5%8B%98%E8%AF%AF-104S204_AA01R01.pdf)
* [人工智能与机器学习概述20201010](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/%E4%BA%BA%E5%B7%A5%E6%99%BA%E8%83%BD%E4%B8%8E%E6%9C%BA%E5%99%A8%E5%AD%A6%E4%B9%A0%E6%A6%82%E8%BF%B020201010.pdf)
* [104S204_AA03L01](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/104S204_AA03L01.pptx)
* [IRGAN A Minimax Game for Unifying Generative and Discriminative Information Retrieval Models](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/IRGAN%20A%20Minimax%20Game%20for%20Unifying%20Generative%20and%20Discriminative%20Information%20Retrieval%20Models.pdf)
* [104S204_AA01L01](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/104S204_AA01L01.pptx)
* [深度学习(最全的中文版)_2017年新书](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/%E6%B7%B1%E5%BA%A6%E5%AD%A6%E4%B9%A0%28%E6%9C%80%E5%85%A8%E7%9A%84%E4%B8%AD%E6%96%87%E7%89%88%29_2017%E5%B9%B4%E6%96%B0%E4%B9%A6.pdf)
* [104S204_AA04L01](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/104S204_AA04L01.pptx)
* [Machine Learning Yearning 吴恩达-zh-cn](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/unknown/Machine%20Learning%20Yearning%20%E5%90%B4%E6%81%A9%E8%BE%BE-zh-cn.pdf)
### Industry Recommender System * [[Pinterest] Personalized content blending In the Pinterest home feed (Pinterest 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BPinterest%5D%20Personalized%20content%20blending%20In%20the%20Pinterest%20home%20feed%20%28Pinterest%202016%29.pdf)
* [[Pinterest] Graph Convolutional Neural Networks for Web-Scale Recommender Systems (Pinterest 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BPinterest%5D%20Graph%20Convolutional%20Neural%20Networks%20for%20Web-Scale%20Recommender%20Systems%20%28Pinterest%202018%29.pdf)
* [[Airbnb] Search Ranking and Personalization at Airbnb Slides (Airbnb 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BAirbnb%5D%20Search%20Ranking%20and%20Personalization%20at%20Airbnb%20Slides%20%28Airbnb%202018%29.pdf)
* [[Baidu slides] DNN in Baidu Ads (Baidu 2017)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BBaidu%20slides%5D%20DNN%20in%20Baidu%20Ads%20%28Baidu%202017%29.pdf)
* [[Quora] Building a Machine Learning Platform at Quora (Quora 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BQuora%5D%20Building%20a%20Machine%20Learning%20Platform%20at%20Quora%20%28Quora%202016%29.pdf)
* [[Netflix] The Netflix Recommender System- Algorithms, Business Value, and Innovation (Netflix 2015)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BNetflix%5D%20The%20Netflix%20Recommender%20System-%20Algorithms%2C%20Business%20Value%2C%20and%20Innovation%20%28Netflix%202015%29.pdf)
* [[Youtube] Deep Neural Networks for YouTube Recommendations (Youtube 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BYoutube%5D%20Deep%20Neural%20Networks%20for%20YouTube%20Recommendations%20%28Youtube%202016%29.pdf)
* [[Airbnb] Applying Deep Learning To Airbnb Search (Airbnb 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Industry%20Recommender%20System/%5BAirbnb%5D%20Applying%20Deep%20Learning%20To%20Airbnb%20Search%20%28Airbnb%202018%29.pdf)
### Mining of Massive Datasets * [Mining of Massive Datasets](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Mining%20of%20Massive%20Datasets/Mining%20of%20Massive%20Datasets.pdf)
* [ch9 Recommandation Systems](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Mining%20of%20Massive%20Datasets/ch9%20Recommandation%20Systems.pdf)
### Exploration and Exploitation * [[EE in Ads] Customer Acquisition via Display Advertising Using MultiArmed Bandit Experiments (UMich 2015)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BEE%20in%20Ads%5D%20Customer%20Acquisition%20via%20Display%20Advertising%20Using%20MultiArmed%20Bandit%20Experiments%20%28UMich%202015%29.pdf)
* [[EE in Ads] Exploitation and Exploration in a Performance based Contextual Advertising System (Yahoo 2010)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BEE%20in%20Ads%5D%20Exploitation%20and%20Exploration%20in%20a%20Performance%20based%20Contextual%20Advertising%20System%20%28Yahoo%202010%29.pdf)
* [[EE in AlphaGo]Mastering the game of Go with deep neural networks and tree search (Deepmind 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BEE%20in%20AlphaGo%5DMastering%20the%20game%20of%20Go%20with%20deep%20neural%20networks%20and%20tree%20search%20%28Deepmind%202016%29.pdf)
* [[UCB1] Bandit Algorithms Continued - UCB1 (Noel Welsh 2010)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BUCB1%5D%20Bandit%20Algorithms%20Continued%20-%20UCB1%20%28Noel%20Welsh%202010%29.pdf)
* [[Spotify] Explore, Exploit, and Explain- Personalizing Explainable Recommendations with Bandits (Spotify 2018)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BSpotify%5D%20Explore%2C%20Exploit%2C%20and%20Explain-%20Personalizing%20Explainable%20Recommendations%20with%20Bandits%20%28Spotify%202018%29.pdf)
* [[TS Intro] Thompson Sampling Slides (Berkeley 2010)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BTS%20Intro%5D%20Thompson%20Sampling%20Slides%20%28Berkeley%202010%29.pdf)
* [[Thompson Sampling] An Empirical Evaluation of Thompson Sampling (Yahoo 2011)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BThompson%20Sampling%5D%20An%20Empirical%20Evaluation%20of%20Thompson%20Sampling%20%28Yahoo%202011%29.pdf)
* [[UCT] Exploration exploitation in Go UCT for Monte-Carlo Go (UPSUD 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BUCT%5D%20Exploration%20exploitation%20in%20Go%20UCT%20for%20Monte-Carlo%20Go%20%28UPSUD%202016%29.pdf)
* [[LinUCB] A Contextual-Bandit Approach to Personalized News Article Recommendation (Yahoo 2010)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BLinUCB%5D%20A%20Contextual-Bandit%20Approach%20to%20Personalized%20News%20Article%20Recommendation%20%28Yahoo%202010%29.pdf)
* [[RF in MAB]Random Forest for the Contextual Bandit Problem (Orange 2016)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BRF%20in%20MAB%5DRandom%20Forest%20for%20the%20Contextual%20Bandit%20Problem%20%28Orange%202016%29.pdf)
* [[EE Intro] Exploration and Exploitation Problem Introduction by Wang Zhe (Hulu 2017)](https://gitee.com/cvsuser/DeepLearningPapers/blob/master/Exploration%20and%20Exploitation/%5BEE%20Intro%5D%20Exploration%20and%20Exploitation%20Problem%20Introduction%20by%20Wang%20Zhe%20%28Hulu%202017%29.pdf)