WSDM' 22 has published accepted papers, received 159 papers/submitted 786 papers, and the acceptance rate was 20.23%. For the complete list of accepted papers, see
https://www.wsdm-conference.org/2022/accepted-papers/
@zhang xiaolei, @xiaweimian, etc. have briefly sorted out the papers in [1] [2], and this article is classified and sorted according to the author's ideas. By task, it mainly includes sequence recommendation, session recommendation, CTR estimation, cross-domain recommendation, Debian, path recommendation, collaborative filtering, group recommendation, fairness, E&E, etc.; by technology, it mainly includes comparative learning, adversarial learning, Reinforcement learning, imitation learning, federated learning, ensemble learning, causal inference, meta-learning, graph networks, etc.
Since WSDM'22 has been published very early, there have been many interpretations of the paper, and there are many papers. Due to the length, this paper only sorts out the core contributions of the papers of interest, and then interprets the individual papers of interest.
Sequence recommendation
Contrastive Learning for Representation Degeneration Problem in Sequential Recommendation
Paper link: https://arxiv.org/abs/2110.05730
Dissertation institution: University of Queensland
Paper classification: Sequence recommendation, comparative learning
Summary of the paper: This paper studies the representation degradation problem of item embedding matrix in sequence recommendation through empirical observation and theoretical analysis. To address this issue, a novel DuoRec model is proposed that incorporates contrastive regularization while using Dropout-based model-level augmentation and supervised positive sampling to construct contrastive samples. The authors also analyze the properties of this regularizer for the representation degradation problem.
Sequential Modeling with Multiple Attributes for Watchlist Recommendation in E-Commerce
Paper link: https://arxiv.org/abs/2110.11072
Code link:
https://github.com/urielsinger/Trans2D
Dissertation institutions: eBay Research Institute, Ben-Gurion University
Paper classification: Sequence recommendation
Paper Summary: In this work, we propose a novel watchlist recommendation (WLR) task. The WLR task is a specialized sequence recommendation task that needs to consider a large number of dynamic item attributes during training and prediction. To handle this complex task, we propose Trans2D, an extended Transformer model with a novel self-attention mechanism capable of handling two-dimensional array data (item-attribute) inputs. Trans2D can learn (and retain) complex user preference patterns in a given sequence up to prediction time.
Session recommendation
S-Walk: Accurate and Scalable Session-based Recommendation with Random Walks
Paper link: https://arxiv.org/pdf/2201.01091
Code link: https://github.com/jin530/SWalk
Dissertation institutions: Sungkyunkwan University, Naver Co., Ltd., Google, Seoul National University, etc.
Paper classification: Conversation recommendation
Paper Summary: In this work, we propose a conversational recommendation model using item random walk, called S-Walk. To remedy the shortcomings of existing models, we utilize random walks with restarts to fully capture the internal and interrelationships of sessions, and incorporate an efficient linear item model (transition model and the teleportation model) into the item random walk process.
Heterogeneous Global Graph Neural Networks for Personalized Session-based Recommendation
Paper link: https://arxiv.org/pdf/2107.03813
Code link: https://github.com/0215Arthur/HG-GNN
Dissertation institutions: Tongji University, Jingdong, etc.
Paper Classification: Graph Network, Conversational Recommendation
Paper Summary: In this paper, we propose a heterogeneous global graph neural network for session-based personalized recommendation. Compared with previous methods, we consider the impact of user historical interactions and construct a heterogeneous global graph consisting of historical user-item interactions, item transitions, and global co-occurrence information. Furthermore, we propose a graph-augmented hybrid encoder consisting of a heterogeneous graph neural network and a personalized conversational encoder to comprehensively capture user preference representations.
Learning Multi-granularity Consecutive User Intent Unit for Session-based Recommendation
Paper link:
https://www.atalab.cn/seminar2022Spring/pdf/2022_WSDM_Learning%20Multi-granularity%20Consecutive%20User%20Intent%20Unit%20for%20Session-based%20Recommendation.pdf
Code link:
https://github.com/SpaceLearner/SessionRec-pytorch
Dissertation institutions: Peking University, Microsoft Asia Research, CMU, etc.
Paper classification: Conversation recommendation
Paper Summary: In this paper, we study the problem of session-based recommendation and propose MSGIFSR, a new model for extracting intent-granularity information across different sessions. It can be observed that different continuous combined intent granularities provide richer user preferences, and our proposed MIHSG successfully captures the relationship between multi-level continuous intent units and long-range dependencies by modeling intra-granularity and inter-granularity intent unit edges. complex preference conversion relationship between. Furthermore, the intent unit encoder mechanism takes into account both order-variant and order-invariant relations for a set of items that are good at expressing the meaning of a schematic unit. Last but not least, ablation studies show that the intent fusion ranking module successfully integrates recommendation results from all intent unit levels.
CTR Estimate
CAN: Feature Co-Action Network for Click-Through Rate Prediction
Paper link: https://arxiv.org/pdf/2011.05625
Code link:
https://github.com/CAN-Paper/Co-Action-Network
Dissertation institution: Ali, Institute of Automation
Paper Category: CTR Estimation
Paper Summary: In this paper, we highlight the importance of feature interaction modeling, which has not been fully explored by previous work. Inspired by the Cartesian product, we propose a new feature interaction paradigm using a specially designed network, Co-Action Network (CAN). CAN decouples representation learning and feature interaction modeling through a flexible modular collaborative unit. In addition, multi-level augmentation and multi-level independence are introduced in the synergy unit, which further improves the ability of feature interaction modeling.
Triangle Graph Interest Network for Click-through Rate Prediction
Paper link: https://arxiv.org/abs/2202.02698
Code link: https://github.com/alibaba/tgin
Dissertation institutions: Ali, Fudan
Paper classification: graph network, click-through rate estimation
Paper Summary: In this paper, we propose a novel and effective framework, called Triangle Graph Interest Network (TGIN), for the click-through rate prediction task. For each clicked item in the user behavior sequence, we introduce a triangle as a complement in the neighborhood of the item-item graph. TGIN treats these triangles as basic units of user interest, and they provide clues to capture the real motivation of users to click on items. We describe user behavior by aggregating information from several interest units to alleviate the elusive motivation problem. TGIN brings novel and serendipitous items to users by selecting diverse and opposing triangles to break diversity constraints and expand exploration opportunities.
Modeling Users' Contextualized Page-wise Feedback for Click-Through Rate Prediction in E-commerce Search
Paper link:
https://guyulongcs.github.io/files/WSDM2022_RACP.pdf
Code link:
https://github.com/racp-submission/racp
Dissertation institutions: Ali, NTU
Paper Category: CTR Estimate, Search
Paper Summary: This paper proposes modeling users' contextual page feedback in e-commerce search ranking for the CTR estimation task. We propose to organize the user's behavior as a series of page feedback and design a RACP model to capture the user's interest. RACP uses the Intra-page Context-aware Interest Layer to extract the user's interest in each page, and uses the Inter-page Interest Back-tracking Layer to capture the user's interest in the session. Dynamic interests, and use the page-level interest aggregation layer (Page-level Interest Aggregation Layer) to aggregate the user's final interest vector.
Cross-domain recommendation
RecGURU: Adversarial Learning of Generalized User Representations for Cross-Domain Recommendation
Paper link: https://arxiv.org/abs/2111.10093
Code link:
https://github.com/Chain123/RecGURU
Dissertation institutions: University of Alberta, Tencent, Sun Yat-Sen University
Paper Classification: Adversarial Learning, Cross-Domain Recommendation
Personalized Transfer of User Preferences for Cross-domain Recommendation
Paper link: https://arxiv.org/abs/2110.11154
Code link:
https://github.com/easezyc/WSDM2022-PTUPCDR
Dissertation institutions: Institute of Computing Technology, Chinese Academy of Sciences, Beihang University, WeChat, etc.
Paper classification: Cross-domain recommendation
Multi-Sparse-Domain Collaborative Recommendation via Enhanced Comprehensive Aspect Preference Learning
Paper link: https://arxiv.org/abs/2201.05973
Dissertation institutions: Sichuan University, University of Illinois at Chicago
Paper classification: Cross-domain recommendation
group recommendation
Enumerating Fair Packages for Group Recommendations
Paper link: https://arxiv.org/abs/2105.14423
Code link: https://github.com/joisino/fape
Dissertation institution: Kyoto University, RIKEN AIP
Paper classification: group recommendation, fairness
Paper Summary: In this paper, we study the fair package-to-group recommendation problem. Instead of counting individual packages, we propose to enumerate all fair packages. Although the enumeration problem is computationally challenging, we demonstrate that it is FPT with respect to group size and propose an efficient algorithm based on ZDD. Our proposed algorithm can not only enumerate packages, but also filter items by intersection operation, optimize preferences by linear Boolean programming, and sample packages uniformly and randomly. We experimentally confirm that our proposed method scales to large datasets and can enumerate up to a trillion packages in reasonable time.
Debian
It Is Different When Items Are Older: Debiasing Recommendations When Selection Bias and User Preferences are Dynamic
Paper link: https://arxiv.org/abs/2111.12481
Code link: https://github.com/BetsyHJ/DANCER
Dissertation institutions: University of Amsterdam, University of Nijmegen
Paper classification: Debian
Fighting Mainstream Bias in Recommender Systems via Local Fine Tuning
Paper link:
http://people.tamu.edu/~zhuziwei/pubs/Ziwei_WSDM_2022.pdf
Code link:
https://github.com/Zziwei/Measuring-Mitigating-Mainstream-Bias
Dissertation institution: Texas A&M University
Paper classification: Debian
Towards Unbiased and Robust Causal Ranking for Recommender Systems
Paper link:
https://dl.acm.org/doi/abs/10.1145/3488560.3498521
Dissertation institution: Pennsylvania State University
Paper classification: Debian
External Evaluation of Ranking Models under Extreme Position-Bias
Paper link:
https://assets.amazon.science/8b/3a/08b5ec784d2a98f867d506e4c8c1/external-evaluation-of-ranking-models-under-extreme-position-bias.pdf
Paper Institution: Amazon
Paper classification: Debian
Path recommendation
PLdFe-RR: Personalized Long-distance Fuel-efficient Route Recommendation Based On Historical Trajectory
Paper link:
https://dl.acm.org/doi/abs/10.1145/3488560.3498512
Dissertation institutions: Shandong University, Central South University
Paper classification: Path recommendation
Collaborative filtering
Profiling the Design Space for Graph Neural Networks based Collaborative Filtering
Paper link: http://www.shichuan.org/doc/125.pdf
Code link:
https://github.com/BUPT-GAMMA/Design-Space-for-GNN-based-CF
Dissertation institutions: Beijing Post, Fourth Paradigm
Paper Classification: Graph Network, Collaborative Filtering
Paper Summary: In this work, we present an analysis of the design space of GNN-based CF methods that have been extensively studied in recent years. By overlaying existing GNN-based CF methods in a unified framework, a novel design space is developed and controlled random search is employed to efficiently evaluate the impact of different dimensions on recommendation performance. Furthermore, based on empirical results, design space pruning is performed by excluding some design choices that were shown to be suboptimal in the evaluation. Then empirical studies under different settings demonstrate the high quality and strong generalization ability of the pruned design space. Finally, as a case study, we show that it can quickly obtain the best-performing model architecture on 2 new datasets by randomly searching a pruned design space compared to popular CF methods.
On Sampling Collaborative Filtering Datasets
Paper link: https://arxiv.org/abs/2201.04768
Code link:
https://github.com/noveens/sampling_cf
Dissertation institutions: University of California, San Diego, Facebook
Paper Classification: Collaborative Filtering
Paper Summary: This paper makes three main contributions: (1) describe the impact of sampling on algorithm performance in terms of algorithm and dataset features (such as sparse features, sequence dynamics, etc.); (2) design SVP-CF, which is a A data-specific sampling strategy designed to preserve the relative performance of the model after sampling, especially for long-tail interactive data; (3) Develop an oracle, Data-genie, that can suggest models that are most likely to preserve a given dataset Sampling scheme for performance.
VAE++: Variational AutoEncoder for Heterogeneous One-Class Collaborative Filtering
Paper link:
https://csse.szu.edu.cn/staff/panwk/publications/Conference-WSDM-22-VAEPlusPlus-Slides.pdf (PPT)
Dissertation institution: Shenzhen University
Paper classification: Collaborative filtering, VAE
Fair recommendation
Enumerating Fair Packages for Group Recommendations
Paper link: https://arxiv.org/abs/2105.14423
Code link: https://github.com/joisino/fape
Dissertation institution: Kyoto University, RIKEN AIP
Paper classification: group recommendation, fair recommendation
Paper Summary: In this paper, we study the fair package-to-group recommendation problem. Instead of counting individual packages, we propose to enumerate all fair packages. Although the enumeration problem is computationally challenging, we demonstrate that it is FPT with respect to group size and propose an efficient algorithm based on ZDD. Our proposed algorithm can not only enumerate packages, but also filter items by intersection operation, optimize preferences by linear Boolean programming, and sample packages uniformly and randomly. We experimentally confirm that our proposed method scales to large datasets and can enumerate up to a trillion packages in reasonable time.
Toward Pareto Efficient Fairness-Utility Trade-off in Recommendation through Reinforcement Learning
Paper link: https://arxiv.org/pdf/2201.00140
Dissertation institution: Rutgers University, Etsy
Paper Classification: Fair Recommendation, Reinforcement Learning
data set
The Datasets Dilemma: How Much Do We Really Know About Recommendation Datasets?
Paper link:
https://dl.acm.org/doi/abs/10.1145/3488560.3498519
Code link:
https://github.com/almightyGOSU/TheDatasetsDilemma
Dissertation institution: Nanyang Technological University
Paper classification: Dataset
Paper Summary: Due to the importance and utility of recommender systems, there has been sustained interest in both academia and industry over the years. However, several recent papers have pointed out key issues in the evaluation process of recommender systems. Again, this paper delves into a fundamental but often overlooked aspect of the evaluation process, the dataset itself. To this end, we employ a systematic and comprehensive approach to understanding datasets for implicit feedback-based top-K recommendation. We first check recent papers from top conferences to see how different datasets have been used so far. Next, we look at the characteristics of these datasets to understand their similarities and differences. Finally, we conducted an empirical study to determine whether the choice of dataset used for evaluation affects the observations and/or conclusions obtained. Our findings suggest that more attention needs to be paid to the selection process of datasets used to evaluate recommender systems in order to improve the robustness of the obtained results.
E&E
Show Me the Whole World: Towards Entire Item Space Exploration for Interactive Personalized Recommendations
Paper link:
https://www.microsoft.com/en-us/research/uploads/prod/2021/12/wsdm2022-hcb.pdf
Code link: https://github.com/yusonghust/HCB-pHCB
Dissertation institutions: Huake, Microsoft Asia Research, Meituan
Paper classification: E&E
Paper Summary: In this paper, we propose a general hierarchical bandit machine framework for user interest exploration across the entire space. Specifically, we design two algorithms, namely HCB and pHCB. The HCB algorithm finds the path from the root to the leaf node through a series of decision tasks, while the pHCB gradually expands the receptive field in a top-down manner to explore user interests, which is more flexible and achieves satisfactory results. By fixing the tree structure unchanged, we assume that these items are static in this paper. It would be interesting to extend the proposed framework to a non-static setting, which has not been well studied.
contract advertising
An Adaptive Unified Allocation Framework for Guaranteed Display Advertising
Paper link:
https://dl.acm.org/doi/abs/10.1145/3488560.3498500
Dissertation institution: Ali, University of Tennessee
Paper Category: Contract Advertising
Abnormal situation consumer demand forecast
Leveraging World Events to Predict E-Commerce Consumer Demand under Anomaly
Paper link:
https://dl.acm.org/doi/abs/10.1145/3488560.3498452
Dissertation institutions: Israel Institute of Technology, Ben-Gurion University
Paper classification: Prediction of consumer demand in abnormal situations
Scope-aware Re-ranking
Scope-aware Re-ranking with Gated Attention in Feed
Paper link:
https://dl.acm.org/doi/10.1145/3488560.3498403
Dissertation institution: Ant, University of Science and Technology of China
Paper classification: Scope-aware Re-ranking
Contrastive learning
Contrastive Meta Learning with Behavior Multiplicity for Recommendation
Paper link: https://arxiv.org/abs/2202.08523
Code link: https://github.com/weiwei1206/CML
Dissertation institutions: University of Hong Kong, South China University of Technology, Baidu, etc.
Paper classification: Contrastive learning, meta-learning
C2-CRS: Coarse-to-Fine Contrastive Learning for Conversational Recommender System
Paper link: https://arxiv.org/abs/2201.02732
Code link:
https://github.com/RUCAIBox/WSDM2022-C2CRS
Dissertation institutions: National People's Congress, Kuaishou
Paper classification: Contrastive learning, Dialogue recommendation
Contrastive Learning for Representation Degeneration Problem in Sequential Recommendation
Paper link: https://arxiv.org/abs/2110.05730
Dissertation institution: University of Queensland
Paper classification: Sequence recommendation, comparative learning
Summary of the paper: This paper studies the representation degradation problem of item embedding matrix in sequence recommendation through empirical observation and theoretical analysis. To address this issue, a novel DuoRec model is proposed that incorporates contrastive regularization while using Dropout-based model-level augmentation and supervised positive sampling to construct contrastive samples. The authors also analyze the properties of this regularizer for the representation degradation problem.
adversarial learning
A Peep into the Future: Adversarial Future Encoding in Recommendation
Paper link:
http://nlp.csai.tsinghua.edu.cn/~xrb/publications/WSDM-2022_AFE.pdf
Code link: https://github.com/modriczhang/AFE
Dissertation Organization: WeChat
Paper Classification: Adversarial Learning
RecGURU: Adversarial Learning of Generalized User Representations for Cross-Domain Recommendation
Paper link: https://arxiv.org/abs/2111.10093
Code link:
https://github.com/Chain123/RecGURU
Dissertation institutions: University of Alberta, Tencent, Sun Yat-Sen University
Paper Classification: Adversarial Learning, Cross-Domain Recommendation
reinforcement learning
Reinforcement Learning over Sentiment-Augmented Knowledge Graphs towards Accurate and Explainable Recommendation
Paper link:
https://dl.acm.org/doi/10.1145/3488560.3498515
Dissertation institution: Hanyang University
Paper Classification: Reinforcement Learning, Knowledge Graph, Interpretability
A Cooperative-Competitive Multi-Agent Framework for Auto-bidding in Online Advertising
Paper link: https://arxiv.org/pdf/2106.06224
Code link: https://github.com/chaovven/maab
Dissertation institution: Key Laboratory of Pattern Recognition and Machine Intelligence, Ministry of Industry and Information Technology, Handover, Ali
Paper Classification: Reinforcement Learning, Advertising
Choosing the Best of All Worlds: Accurate, Diverse, and Novel Recommendations through Multi-Objective Reinforcement Learning
Paper link:
https://dl.acm.org/doi/abs/10.1145/3488560.3498471
Dissertation institutions: Novi Thaad University, Google, etc.
Paper Classification: Reinforcement Learning, Multi-objective, Diversity
Toward Pareto Efficient Fairness-Utility Trade-off in Recommendation through Reinforcement Learning
Paper link: https://arxiv.org/pdf/2201.00140
Dissertation institution: Rutgers University, Etsy
Paper Classification: Fair Recommendation, Reinforcement Learning
Supervised Advantage Actor-Critic for Recommender Systems
Paper link: https://arxiv.org/abs/2111.03474
Dissertation institutions: Shandong University, Google, etc.
Paper classification: Reinforcement learning
imitation learning
Hierarchical Imitation Learning via Subgoal Representation Learning for Dynamic Treatment Recommendation
Paper link:
https://dl.acm.org/doi/abs/10.1145/3488560.3498535
Dissertation institutions: East China Normal University, Huawei
Paper classification: Imitation learning
federated learning
PipAttack: Poisoning Federated Recommender Systems for Manipulating Item Promotion
Paper link: https://arxiv.org/pdf/2110.10926
Dissertation institutions: University of Queensland, Griffith University, Shanda
Paper Classification: Federated Learning
integrated learning
Learning-To-Ensemble by Contextual Rank Aggregation in E-Commerce
Paper link: https://arxiv.org/pdf/2107.08598
Dissertation institution: Ali
Paper classification: Integrated learning, Rank Aggregation
论文总结: 我们提出了用于在线排序服务的 LTE 框架,并成功获得了可观的在线收入。LTE 框架具有可扩展性,可以部署以提高其他实际应用的收入。我们的 TournamentGreedy 不仅是经典测试中更好的 RA 模型,而且是第一个旨在优化在线收入而不是离线指标的上下文 RA 模型。它需要作为庞大在线系统的一部分,并且它的参数(排列权重)需要由 EGO 正确选择,因为 RA-EGO 框架可以工作。为了确保 RA 模型能够产生令人满意的排序,我们强调了 RA 模型表达能力的重要性,并提出了弱 PO 来有效地估计表达能力。RA-EGO 是工业 LTE 应用的开端。未来需要仔细研究应用RA模型和上下文BBO的更多理论。
因果推断
A Counter factual Modeling Framework for Churn Prediction
论文链接:
https://fi.ee.tsinghua.edu.cn/public/publications/06e56f1a-b627-11ec-93d7-0242ac120006.pdf
代码链接:
https://github.com/tsinghua-fib-lab/CFChu
论文机构: 清华
论文分类: 因果推断
多任务&多目标
Leaving No One Behind: A Multi-Scenario Multi-Task Meta Learning Approach for Advertiser Modeling
论文链接: https://arxiv.org/abs/2201.06814
论文机构: 阿里
论文分类: 多场景、多任务、元学习、广告
Choosing the Best of All Worlds: Accurate, Diverse, and Novel Recommendations through Multi-Objective Reinforcement Learning
论文链接:
https://dl.acm.org/doi/abs/10.1145/3488560.3498471
论文机构: 诺维·萨德大学、谷歌等
论文分类: 强化学习、多目标、多样性
元学习
Long Short-Term Temporal Meta-learning in Online Recommendation
论文链接: https://arxiv.org/abs/2105.03686
论文机构: 微信
论文分类: 元学习
Contrastive Meta Learning with Behavior Multiplicity for Recommendation
论文链接: https://arxiv.org/abs/2202.08523
代码链接: https://github.com/weiwei1206/CML
论文机构: 港大、华南理工、百度等
论文分类: 对比学习、元学习
Leaving No One Behind: A Multi-Scenario Multi-Task Meta Learning Approach for Advertiser Modeling
论文链接: https://arxiv.org/abs/2201.06814
论文机构: 阿里
论文分类: 多场景、多任务、元学习、广告
图网络
Joint Learning of E-commerce Search and Recommendation with A Unified Graph Neural Network
论文链接:
https://dl.acm.org/doi/abs/10.1145/3488560.3498414
论文机构: 阿里
论文分类: 图网络
论文总结: 点击率(CTR)预测在搜索和推荐中发挥着重要作用,这是电子商务中最突出的两个场景。已经提出了许多模型来通过挖掘用户行为来预测 CTR,尤其是用户与项目的交互。但用户行为的稀疏性是提高点击率预测的障碍。以前的工作只关注一个场景,搜索或推荐。然而,在实际的电子商务平台上,搜索和推荐共享同一组用户和物品,这意味着两个场景的联合学习可以缓解用户行为的稀疏性。在本文中,我们提出了一种新颖的搜索和推荐联合图 (SRJGraph) 神经网络,以共同学习两种场景的更好 CTR 模型。联合学习的一个关键问题是如何在搜索和推荐之间有效地共享信息,尽管它们存在差异。搜索和推荐之间的一个显著区别是搜索中有明确的query,而推荐中不存在query。我们通过构建一个统一的图来解决这种差异,以在搜索和推荐中共享用户和项目的表示,并统一表示用户-项目的交互。在该图中,用户和项目是异构节点,搜索query作为属性并入用户-项目交互边。对于不存在query的推荐,在用户-项目交互边上附加一个特殊属性。我们进一步提出了一个意图和上游感知聚合器,以从用户和项目之间的高阶连接中探索有用的信息。我们对从中国最大的电子商务平台淘宝网收集的大规模数据集进行了广泛的实验。实证结果表明,SRJGraph 在搜索和推荐任务中都显着优于最先进的 CTR 预测方法。
Profiling the Design Space for Graph Neural Networks based Collaborative Filtering
论文链接: http://www.shichuan.org/doc/125.pdf
代码链接:
https://github.com/BUPT-GAMMA/Design-Space-for-GNN-based-CF
论文机构: 北邮、第四范式
论文分类: 图网络、协同过滤
论文总结: 在这项工作中,我们提出对近年来广泛研究的基于 GNN 的 CF 方法的设计空间进行分析。通过在统一的框架中覆盖现有的基于 GNN 的 CF 方法,开发了一种新颖的设计空间,并采用受控随机搜索来有效地评估不同维度对推荐性能的影响。此外,根据实证结果,通过排除一些在评估中显示为次优的设计选择来执行设计空间修剪。然后在不同设置下的实证研究证明了剪枝设计空间的高质量和强大的泛化能力。最后,作为一个案例研究,我们表明,与流行的 CF 方法相比,它可以通过随机搜索修剪的设计空间快速获得 2 个新数据集上性能最佳的模型架构。
Graph Logic Reasoning for Recommendation and Link Prediction
论文链接: https://arxiv.org/pdf/2112.13705
代码链接:
https://github.com/rutgerswiselab/NCR (baseline)
论文机构: 罗格斯大学、清华
论文分类: 图网络
论文总结: 在本文中,我们提出将链接预测建模为图上的推理问题。具体来说,我们提出了一种图协同推理 (GCR) 方法,该方法利用邻域链接信息来预测潜在推理空间中的连接。在两个具有代表性的链接预测任务(图链接预测和推荐)上的实验表明了该模型的有效性,特别是对于稀疏数据上的链接预测。
Modeling Scale-free Graphs with Hyperbolic Geometry for Knowledge-aware Recommendation
论文链接: https://arxiv.org/abs/2108.06468
论文机构: 港中文、华为
论文分类: 知识图谱
论文总结: 在本文中,我们提出了一种知识图谱增强的推荐模型,即 LKGR,它学习用户和项目的嵌入以及双曲空间中的知识图谱实体。我们在洛伦兹流形上提出了一种知识感知注意机制来区分图节点信息量的贡献,然后是用于高阶信息传播的多层聚合。三个真实世界数据集的实验结果不仅验证了 LKGR 相对于最近最先进的解决方案的性能改进,而且还证明了所有提出的模型组件的有效性。
Heterogeneous Global Graph Neural Networks for Personalized Session-based Recommendation
论文链接: https://arxiv.org/pdf/2107.03813
代码链接:
https://github.com/0215Arthur/HG-GNN
论文机构: 同济大学、京东等
论文分类: 图网络、会话推荐
论文总结: 在本文中,我们提出了一种异构全局图神经网络,用于基于会话的个性化推荐。与以前的方法相比,我们考虑了用户历史交互的影响,并构建了一个由历史用户-项目交互、项目转换和全局共现信息组成的异构全局图。此外,我们提出了一种图增强混合编码器,由异构图神经网络和个性化会话编码器组成,以全面捕获用户偏好表示。
Triangle Graph Interest Network for Click-through Rate Prediction
论文链接: https://arxiv.org/abs/2202.02698
代码链接: https://github.com/alibaba/tgin
论文机构: 阿里、复旦
论文分类: 图网络、点击率预估
论文总结: 在本文中,我们提出了一种新颖而有效的框架,称为三角图兴趣网络 (TGIN,Triangle Graph Interest Network),用于点击率预测任务。对于用户行为序列中的每个点击项目,我们在项目-项目图的邻域中引入三角形作为补充。TGIN 将这些三角形视为用户兴趣的基本单位,它们为捕捉用户点击项目的真正动机提供了线索。我们通过聚合几个兴趣单元的信息来描述用户行为,以缓解难以捉摸的动机问题。TGIN通过选择多样化和相对的三角形,为用户带来新颖和偶然的物品,以打破多样性限制,扩大探索机会。
Reinforcement Learning over Sentiment-Augmented Knowledge Graphs towards Accurate and Explainable Recommendation
论文链接:
https://dl.acm.org/doi/10.1145/3488560.3498515
论文机构: 汉阳大学
论文分类: 强化学习、知识图谱、可解释性
Community Trend Prediction on Heterogeneous Graph in E-commerce
论文链接: https://arxiv.org/pdf/2202.12081
论文机构: 华东师大、阿里
论文分类: 图网络
论文总结: 在本文中,我们提出了一种新的社区趋势预测框架 DyTGraph,它不仅考虑了二部图,还考虑了动态演化的属性标签的超图。具体来说,我们在每个时间步设计一个社区属性图来学习不同社区的协作,并构建一个属性标签的超图来利用它们的关联。我们的实验表明,所提出的模型优于所有流行的基线,并提前找到了一些流行的标签。对于未来的工作,研究如何根据偏好动态划分社区会很有趣。
[1] WSDM2022推荐系统论文集锦
[2] WSDM 2022 Recommendation System, Search, Advertising Paper Collection, with download link