首页 > 最新文献

ACM Transactions on Information Systems最新文献

英文 中文
Generalized Weak Supervision for Neural Information Retrieval 神经信息检索的广义弱监督
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-02-21 DOI: 10.1145/3647639
Yen-Chieh Lien, Hamed Zamani, W. Bruce Croft

Neural ranking models (NRMs) have demonstrated effective performance in several information retrieval (IR) tasks. However, training NRMs often requires large-scale training data, which is difficult and expensive to obtain. To address this issue, one can train NRMs via weak supervision, where a large dataset is automatically generated using an existing ranking model (called the weak labeler) for training NRMs. Weakly supervised NRMs can generalize from the observed data and significantly outperform the weak labeler. This paper generalizes this idea through an iterative re-labeling process, demonstrating that weakly supervised models can iteratively play the role of weak labeler and significantly improve ranking performance without using manually labeled data. The proposed Generalized Weak Supervision (GWS) solution is generic and orthogonal to the ranking model architecture. This paper offers four implementations of GWS: self-labeling, cross-labeling, joint cross- and self-labeling, and greedy multi-labeling. GWS also benefits from a query importance weighting mechanism based on query performance prediction methods to reduce noise in the generated training data. We further draw a theoretical connection between self-labeling and Expectation-Maximization. Our experiments on four retrieval benchmarks suggest that our implementations of GWS lead to substantial improvements compared to weak supervision if the weak labeler is sufficiently reliable.

神经排序模型(NRMs)在多项信息检索(IR)任务中表现出了有效的性能。然而,训练 NRM 通常需要大规模的训练数据,而获取这些数据既困难又昂贵。为了解决这个问题,人们可以通过弱监督来训练 NRM,即使用现有的排名模型(称为弱标签器)自动生成一个大型数据集,用于训练 NRM。弱监督式 NRM 可以从观察到的数据中进行泛化,并明显优于弱标签器。本文通过迭代重标记过程推广了这一想法,证明弱监督模型可以迭代地扮演弱标记者的角色,并在不使用人工标记数据的情况下显著提高排名性能。本文提出的广义弱监督(GWS)解决方案是通用的,与排序模型架构是正交的。本文提供了四种 GWS 实现方法:自标注、交叉标注、交叉和自标注联合以及贪婪多标注。GWS 还得益于基于查询性能预测方法的查询重要性加权机制,以减少生成的训练数据中的噪声。我们还在自标注和期望最大化之间建立了理论联系。我们在四个检索基准上进行的实验表明,如果弱标签器足够可靠,我们的 GWS 实现与弱监督相比会有很大改进。
{"title":"Generalized Weak Supervision for Neural Information Retrieval","authors":"Yen-Chieh Lien, Hamed Zamani, W. Bruce Croft","doi":"10.1145/3647639","DOIUrl":"https://doi.org/10.1145/3647639","url":null,"abstract":"<p>Neural ranking models (NRMs) have demonstrated effective performance in several information retrieval (IR) tasks. However, training NRMs often requires large-scale training data, which is difficult and expensive to obtain. To address this issue, one can train NRMs via weak supervision, where a large dataset is automatically generated using an existing ranking model (called the weak labeler) for training NRMs. Weakly supervised NRMs can generalize from the observed data and significantly outperform the weak labeler. This paper generalizes this idea through an iterative re-labeling process, demonstrating that weakly supervised models can iteratively play the role of weak labeler and significantly improve ranking performance without using manually labeled data. The proposed Generalized Weak Supervision (GWS) solution is generic and orthogonal to the ranking model architecture. This paper offers four implementations of GWS: self-labeling, cross-labeling, joint cross- and self-labeling, and greedy multi-labeling. GWS also benefits from a query importance weighting mechanism based on query performance prediction methods to reduce noise in the generated training data. We further draw a theoretical connection between self-labeling and Expectation-Maximization. Our experiments on four retrieval benchmarks suggest that our implementations of GWS lead to substantial improvements compared to weak supervision if the weak labeler is sufficiently reliable.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-02-21","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139924460","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Improving Semi-Supervised Text Classification with Dual Meta-Learning 利用双重元学习改进半监督文本分类
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-02-20 DOI: 10.1145/3648612
Shujie Li, Guanghu Yuan, Min Yang, Ying Shen, Chengming Li, Ruifeng Xu, Xiaoyan Zhao

The goal of semi-supervised text classification (SSTC) is to train a model by exploring both a small number of labeled data and a large number of unlabeled data, such that the learned semi-supervised classifier performs better than the supervised classifier trained on solely the labeled samples. Pseudo-labeling is one of the most widely used SSTC techniques, which trains a teacher classifier with a small number of labeled examples to predict pseudo labels for the unlabeled data. The generated pseudo-labeled examples are then utilized to train a student classifier, such that the learned student classifier can outperform the teacher classifier. Nevertheless, the predicted pseudo labels may be inaccurate, making the performance of the student classifier degraded. The student classifier may perform even worse than the teacher classifier. To alleviate this issue, in this paper, we introduce a dual meta-learning (DML) technique for semi-supervised text classification, which improves the teacher and student classifiers simultaneously in an iterative manner. Specifically, we propose a meta-noise correction method to improve the student classifier by proposing a Noise Transition Matrix (NTM) with meta-learning to rectify the noisy pseudo labels. In addition, we devise a meta pseudo supervision method to improve the teacher classifier. Concretely, we exploit the feedback performance from the student classifier to further guide the teacher classifier to produce more accurate pseudo labels for the unlabeled data. In this way, both teacher and student classifiers can co-evolve in the iterative training process. Extensive experiments on four benchmark datasets highlight the effectiveness of our DML method against existing state-of-the-art methods for semi-supervised text classification. We release our code and data of this paper publicly at https://github.com/GRIT621/DML.

半监督文本分类法(SSTC)的目标是通过探索少量已标记数据和大量未标记数据来训练模型,从而使学习到的半监督分类器的性能优于仅在已标记样本上训练的监督分类器。伪标签技术是应用最广泛的 SSTC 技术之一,它使用少量已标记示例训练教师分类器,以预测未标记数据的伪标签。然后利用生成的伪标签示例来训练学生分类器,这样学习到的学生分类器就能超越教师分类器。然而,预测的伪标签可能不准确,从而降低了学生分类器的性能。学生分类器的表现甚至可能比教师分类器更差。为了缓解这一问题,我们在本文中引入了一种用于半监督文本分类的双重元学习(DML)技术,它能以迭代的方式同时改进教师和学生分类器。具体来说,我们提出了一种元噪声校正方法,通过元学习提出噪声转换矩阵(NTM)来校正噪声伪标签,从而改进学生分类器。此外,我们还设计了一种元伪监督方法来改进教师分类器。具体来说,我们利用学生分类器的反馈性能,进一步指导教师分类器为未标记数据生成更准确的伪标签。这样,教师和学生分类器就能在迭代训练过程中共同发展。我们在四个基准数据集上进行了广泛的实验,结果表明,与现有的最先进的半监督文本分类方法相比,我们的 DML 方法非常有效。我们在 https://github.com/GRIT621/DML 上公开发布了本文的代码和数据。
{"title":"Improving Semi-Supervised Text Classification with Dual Meta-Learning","authors":"Shujie Li, Guanghu Yuan, Min Yang, Ying Shen, Chengming Li, Ruifeng Xu, Xiaoyan Zhao","doi":"10.1145/3648612","DOIUrl":"https://doi.org/10.1145/3648612","url":null,"abstract":"<p>The goal of semi-supervised text classification (SSTC) is to train a model by exploring both a small number of labeled data and a large number of unlabeled data, such that the learned semi-supervised classifier performs better than the supervised classifier trained on solely the labeled samples. Pseudo-labeling is one of the most widely used SSTC techniques, which trains a teacher classifier with a small number of labeled examples to predict pseudo labels for the unlabeled data. The generated pseudo-labeled examples are then utilized to train a student classifier, such that the learned student classifier can outperform the teacher classifier. Nevertheless, the predicted pseudo labels may be inaccurate, making the performance of the student classifier degraded. The student classifier may perform even worse than the teacher classifier. To alleviate this issue, in this paper, we introduce a dual meta-learning (<b>DML</b>) technique for semi-supervised text classification, which improves the teacher and student classifiers simultaneously in an iterative manner. Specifically, we propose a meta-noise correction method to improve the student classifier by proposing a Noise Transition Matrix (NTM) with meta-learning to rectify the noisy pseudo labels. In addition, we devise a meta pseudo supervision method to improve the teacher classifier. Concretely, we exploit the feedback performance from the student classifier to further guide the teacher classifier to produce more accurate pseudo labels for the unlabeled data. In this way, both teacher and student classifiers can co-evolve in the iterative training process. Extensive experiments on four benchmark datasets highlight the effectiveness of our DML method against existing state-of-the-art methods for semi-supervised text classification. We release our code and data of this paper publicly at https://github.com/GRIT621/DML.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-02-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139924555","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Revisiting Bag of Words Document Representations for Efficient Ranking with Transformers 重新审视词袋文档表示法,利用变换器实现高效排序
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-02-09 DOI: 10.1145/3640460
David Rau, Mostafa Dehghani, Jaap Kamps

Modern transformer-based information retrieval models achieve state-of-the-art performance across various benchmarks. The self-attention of the transformer models is a powerful mechanism to contextualize terms over the whole input but quickly becomes prohibitively expensive for long input as required in document retrieval. Instead of focusing on the model itself to improve efficiency, this paper explores different bag of words document representations that encode full documents by only a fraction of their characteristic terms, allowing us to control and reduce the input length. We experiment with various models for document retrieval on MS MARCO data, as well as zero-shot document retrieval on Robust04, and show large gains in efficiency while retaining reasonable effectiveness. Inference time efficiency gains are both lowering the time and memory complexity in a controllable way, allowing for further trading off memory footprint and query latency. More generally, this line of research connects traditional IR models with neural “NLP” models and offers novel ways to explore the space between (efficient, but less effective) traditional rankers and (effective, but less efficient) neural rankers elegantly.

基于转换器的现代信息检索模型在各种基准测试中都达到了最先进的性能。转换器模型的自关注是一种强大的机制,可将整个输入中的术语上下文化,但对于文档检索中所需的长输入,这种机制很快就会变得昂贵得令人望而却步。为了提高效率,本文没有把重点放在模型本身,而是探索了不同的词袋文档表示法,这些表示法只用部分特征词对完整文档进行编码,从而使我们能够控制和减少输入长度。我们在 MS MARCO 数据的文档检索以及 Robust04 的零次文档检索中尝试了各种模型,结果表明在保持合理有效性的同时,效率也得到了大幅提高。推理时间效率的提高以一种可控的方式降低了时间和内存复杂性,从而可以进一步权衡内存占用和查询延迟。更广泛地说,这项研究将传统的红外模型与神经 "NLP "模型联系起来,为探索(高效但效率较低)传统排序器和(有效但效率较低)神经排序器之间的空间提供了新的方法。
{"title":"Revisiting Bag of Words Document Representations for Efficient Ranking with Transformers","authors":"David Rau, Mostafa Dehghani, Jaap Kamps","doi":"10.1145/3640460","DOIUrl":"https://doi.org/10.1145/3640460","url":null,"abstract":"<p>Modern transformer-based information retrieval models achieve state-of-the-art performance across various benchmarks. The self-attention of the transformer models is a powerful mechanism to contextualize terms over the whole input but quickly becomes prohibitively expensive for long input as required in document retrieval. Instead of focusing on the model itself to improve efficiency, this paper explores different bag of words document representations that encode full documents by only a fraction of their characteristic terms, allowing us to control and reduce the input length. We experiment with various models for document retrieval on MS MARCO data, as well as zero-shot document retrieval on Robust04, and show large gains in efficiency while retaining reasonable effectiveness. Inference time efficiency gains are both lowering the time and memory complexity in a controllable way, allowing for further trading off memory footprint and query latency. More generally, this line of research connects traditional IR models with neural “NLP” models and offers novel ways to explore the space between (efficient, but less effective) traditional rankers and (effective, but less efficient) neural rankers elegantly.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-02-09","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139752246","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Token-Event-Role Structure-based Multi-Channel Document-Level Event Extraction 基于令牌-事件-角色结构的多通道文档级事件提取
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-02-07 DOI: 10.1145/3643885
Qizhi Wan, Changxuan Wan, Keli Xiao, Hui Xiong, Dexi Liu, Xiping Liu, Rong Hu

Document-level event extraction is a long-standing challenging information retrieval problem involving a sequence of sub-tasks: entity extraction, event type judgment, and event type-specific multi-event extraction. However, addressing the problem as multiple learning tasks leads to increased model complexity. Also, existing methods insufficiently utilize the correlation of entities crossing different events, resulting in limited event extraction performance. This paper introduces a novel framework for document-level event extraction, incorporating a new data structure called token-event-role and a multi-channel argument role prediction module. The proposed data structure enables our model to uncover the primary role of tokens in multiple events, facilitating a more comprehensive understanding of event relationships. By leveraging the multi-channel prediction module, we transform entity and multi-event extraction into a single task of predicting token-event pairs, thereby reducing the overall parameter size and enhancing model efficiency. The results demonstrate that our approach outperforms the state-of-the-art method by 9.5 percentage points in terms of the F1 score, highlighting its superior performance in event extraction. Furthermore, an ablation study confirms the significant value of the proposed data structure in improving event extraction tasks, further validating its importance in enhancing the overall performance of the framework.

文档级事件提取是一个长期存在的具有挑战性的信息检索问题,涉及一系列子任务:实体提取、事件类型判断和特定事件类型的多事件提取。然而,将该问题作为多个学习任务来处理会增加模型的复杂性。此外,现有方法没有充分利用跨越不同事件的实体之间的相关性,导致事件提取性能有限。本文介绍了一种用于文档级事件提取的新框架,其中包含一种名为 "标记-事件-角色 "的新数据结构和一个多通道参数角色预测模块。所提出的数据结构使我们的模型能够揭示标记在多个事件中的主要作用,从而有助于更全面地理解事件关系。通过利用多通道预测模块,我们将实体和多事件提取转化为预测标记-事件对的单一任务,从而减少了整体参数大小,提高了模型效率。结果表明,我们的方法在 F1 分数上比最先进的方法高出 9.5 个百分点,突出了其在事件提取方面的卓越性能。此外,一项消融研究证实了所提出的数据结构在改进事件提取任务方面的重要价值,进一步验证了它在提高框架整体性能方面的重要性。
{"title":"Token-Event-Role Structure-based Multi-Channel Document-Level Event Extraction","authors":"Qizhi Wan, Changxuan Wan, Keli Xiao, Hui Xiong, Dexi Liu, Xiping Liu, Rong Hu","doi":"10.1145/3643885","DOIUrl":"https://doi.org/10.1145/3643885","url":null,"abstract":"<p>Document-level event extraction is a long-standing challenging information retrieval problem involving a sequence of sub-tasks: entity extraction, event type judgment, and event type-specific multi-event extraction. However, addressing the problem as multiple learning tasks leads to increased model complexity. Also, existing methods insufficiently utilize the correlation of entities crossing different events, resulting in limited event extraction performance. This paper introduces a novel framework for document-level event extraction, incorporating a new data structure called token-event-role and a multi-channel argument role prediction module. The proposed data structure enables our model to uncover the primary role of tokens in multiple events, facilitating a more comprehensive understanding of event relationships. By leveraging the multi-channel prediction module, we transform entity and multi-event extraction into a single task of predicting token-event pairs, thereby reducing the overall parameter size and enhancing model efficiency. The results demonstrate that our approach outperforms the state-of-the-art method by 9.5 percentage points in terms of the <i>F</i>1 score, highlighting its superior performance in event extraction. Furthermore, an ablation study confirms the significant value of the proposed data structure in improving event extraction tasks, further validating its importance in enhancing the overall performance of the framework.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-02-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139752248","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Transferring Causal Mechanism over Meta-representations for Target-unknown Cross-domain Recommendation 在元表征上转移因果机制,实现目标未知的跨域推荐
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-02-01 DOI: 10.1145/3643807
Shengyu Zhang, Qiaowei Miao, Ping Nie, Mengze Li, Zhengyu Chen, Fuli Feng, Kun Kuang, Fei Wu

Tackling the pervasive issue of data sparsity in recommender systems, we present an insightful investigation into the burgeoning area of non-overlapping cross-domain recommendation, a technique that facilitates the transfer of interaction knowledge across domains without necessitating inter-domain user/item correspondence. Existing approaches have predominantly depended on auxiliary information, such as user reviews and item tags, to establish inter-domain connectivity, but these resources may become inaccessible due to privacy and commercial constraints.

To address these limitations, our study introduces an in-depth exploration of Target-unknown Cross-domain Recommendation, which contends with the distinct challenge of lacking target domain information during the training phase in the source domain. We illustrate two critical obstacles inherent to Target-unknown CDR: the lack of an inter-domain bridge due to insufficient user/item correspondence or side information, and the potential pitfalls of source-domain training biases when confronting distribution shifts across domains. To surmount these obstacles, we propose the CMCDR framework, a novel approach that leverages causal mechanisms extracted from meta-user/item representations. The CMCDR framework employs a vector-quantized encoder-decoder architecture, enabling the disentanglement of user/item characteristics. We posit that domain-transferable knowledge is more readily discernible from user/item characteristics, i.e., the meta-representations, rather than raw users and items. Capitalizing on these meta-representations, our CMCDR framework adeptly incorporates an attention-driven predictor that approximates the front-door adjustment method grounded in causal theory. This cutting-edge strategy effectively mitigates source-domain training biases and enhances generalization capabilities against distribution shifts. Extensive experiments demonstrate the empirical effectiveness and the rationality of CMCDR for target-unknown cross-domain recommendation.

为了解决推荐系统中普遍存在的数据稀缺问题,我们对正在蓬勃发展的非重叠跨域推荐领域进行了深入研究,这种技术可以促进跨域交互知识的传递,而不需要域间用户/物品的对应关系。现有方法主要依赖用户评论和物品标签等辅助信息来建立域间连接,但由于隐私和商业限制,这些资源可能无法访问。为了解决这些局限性,我们的研究对目标未知跨域推荐进行了深入探讨,以应对在源域训练阶段缺乏目标域信息这一独特挑战。我们说明了目标未知跨域推荐固有的两个关键障碍:由于用户/项目对应关系或侧面信息不足而缺乏跨域桥梁,以及在面对跨域分布变化时源域训练偏差的潜在隐患。为了克服这些障碍,我们提出了 CMCDR 框架,这是一种利用从元用户/项目表征中提取的因果机制的新方法。CMCDR 框架采用矢量量化编码器-解码器架构,实现了用户/物品特征的分离。我们认为,从用户/项目特征(即元表征)而不是原始用户和项目中,更容易辨别出领域可转移知识。利用这些元表征,我们的 CMCDR 框架巧妙地纳入了注意力驱动预测器,该预测器近似于以因果理论为基础的前门调整方法。这一尖端策略有效地减轻了源域训练偏差,并增强了针对分布变化的泛化能力。广泛的实验证明了 CMCDR 在目标未知的跨域推荐中的实证有效性和合理性。
{"title":"Transferring Causal Mechanism over Meta-representations for Target-unknown Cross-domain Recommendation","authors":"Shengyu Zhang, Qiaowei Miao, Ping Nie, Mengze Li, Zhengyu Chen, Fuli Feng, Kun Kuang, Fei Wu","doi":"10.1145/3643807","DOIUrl":"https://doi.org/10.1145/3643807","url":null,"abstract":"<p>Tackling the pervasive issue of data sparsity in recommender systems, we present an insightful investigation into the burgeoning area of non-overlapping cross-domain recommendation, a technique that facilitates the transfer of interaction knowledge across domains without necessitating inter-domain user/item correspondence. Existing approaches have predominantly depended on auxiliary information, such as user reviews and item tags, to establish inter-domain connectivity, but these resources may become inaccessible due to privacy and commercial constraints. </p><p>To address these limitations, our study introduces an in-depth exploration of Target-unknown Cross-domain Recommendation, which contends with the distinct challenge of lacking target domain information during the training phase in the source domain. We illustrate two critical obstacles inherent to Target-unknown CDR: the lack of an inter-domain bridge due to insufficient user/item correspondence or side information, and the potential pitfalls of source-domain training biases when confronting distribution shifts across domains. To surmount these obstacles, we propose the CMCDR framework, a novel approach that leverages causal mechanisms extracted from meta-user/item representations. The CMCDR framework employs a vector-quantized encoder-decoder architecture, enabling the disentanglement of user/item characteristics. We posit that domain-transferable knowledge is more readily discernible from user/item characteristics, <i>i</i>.<i>e</i>., the meta-representations, rather than raw users and items. Capitalizing on these meta-representations, our CMCDR framework adeptly incorporates an attention-driven predictor that approximates the front-door adjustment method grounded in causal theory. This cutting-edge strategy effectively mitigates source-domain training biases and enhances generalization capabilities against distribution shifts. Extensive experiments demonstrate the empirical effectiveness and the rationality of CMCDR for target-unknown cross-domain recommendation.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-02-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139657317","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An Analysis on Matching Mechanisms and Token Pruning for Late-interaction Models 晚期交互模型的匹配机制和标记剪枝分析
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-01-31 DOI: 10.1145/3639818
Qi Liu, Gang Guo, Jiaxin Mao, Zhicheng Dou, Ji-Rong Wen, Hao Jiang, Xinyu Zhang, Zhao Cao

With the development of pre-trained language models, the dense retrieval models have become promising alternatives to the traditional retrieval models that rely on exact match and sparse bag-of-words representations. Different from most dense retrieval models using a bi-encoder to encode each query or document into a dense vector, the recently proposed late-interaction multi-vector models (i.e., ColBERT and COIL) achieve state-of-the-art retrieval effectiveness by using all token embeddings to represent documents and queries and modeling their relevance with a sum-of-max operation. However, these fine-grained representations may cause unacceptable storage overhead for practical search systems. In this study, we systematically analyze the matching mechanism of these late-interaction models and show that the sum-of-max operation heavily relies on the co-occurrence signals and some important words in the document. Based on these findings, we then propose several simple document pruning methods to reduce the storage overhead and compare the effectiveness of different pruning methods on different late-interaction models. We also leverage query pruning methods to further reduce the retrieval latency. We conduct extensive experiments on both in-domain and out-domain datasets and show that some of the used pruning methods can significantly improve the efficiency of these late-interaction models without substantially hurting their retrieval effectiveness.

随着预训练语言模型的发展,密集检索模型已成为依赖精确匹配和稀疏词袋表示的传统检索模型的有前途的替代品。与大多数使用双编码器将每个查询或文档编码成一个稠密向量的稠密检索模型不同,最近提出的后期交互多向量模型(即 ColBERT 和 COIL)通过使用所有标记嵌入来表示文档和查询,并使用最大和运算对其相关性进行建模,从而实现了最先进的检索效果。然而,这些细粒度表示法可能会给实际搜索系统带来不可接受的存储开销。在本研究中,我们系统地分析了这些后期交互模型的匹配机制,结果表明最大和运算在很大程度上依赖于共现信号和文档中的一些重要词语。基于这些发现,我们提出了几种简单的文档剪枝方法来减少存储开销,并比较了不同剪枝方法对不同后期交互模型的效果。我们还利用查询剪枝方法来进一步减少检索延迟。我们在域内和域外数据集上进行了广泛的实验,结果表明,所使用的一些剪枝方法可以显著提高这些后期交互模型的效率,而不会对其检索效果造成实质性损害。
{"title":"An Analysis on Matching Mechanisms and Token Pruning for Late-interaction Models","authors":"Qi Liu, Gang Guo, Jiaxin Mao, Zhicheng Dou, Ji-Rong Wen, Hao Jiang, Xinyu Zhang, Zhao Cao","doi":"10.1145/3639818","DOIUrl":"https://doi.org/10.1145/3639818","url":null,"abstract":"<p>With the development of pre-trained language models, the dense retrieval models have become promising alternatives to the traditional retrieval models that rely on exact match and sparse bag-of-words representations. Different from most dense retrieval models using a bi-encoder to encode each query or document into a dense vector, the recently proposed late-interaction multi-vector models (i.e., ColBERT and COIL) achieve state-of-the-art retrieval effectiveness by using all token embeddings to represent documents and queries and modeling their relevance with a sum-of-max operation. However, these fine-grained representations may cause unacceptable storage overhead for practical search systems. In this study, we systematically analyze the matching mechanism of these late-interaction models and show that the sum-of-max operation heavily relies on the co-occurrence signals and some important words in the document. Based on these findings, we then propose several simple document pruning methods to reduce the storage overhead and compare the effectiveness of different pruning methods on different late-interaction models. We also leverage query pruning methods to further reduce the retrieval latency. We conduct extensive experiments on both in-domain and out-domain datasets and show that some of the used pruning methods can significantly improve the efficiency of these late-interaction models without substantially hurting their retrieval effectiveness.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-01-31","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139648700","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Counterfactual Explanation for Fairness in Recommendation 对建议公平性的反事实解释
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-01-29 DOI: 10.1145/3643670
Xiangmeng Wang, Qian Li, Dianer Yu, Qing Li, Guandong Xu

Fairness-aware recommendation alleviates discrimination issues to build trustworthy recommendation systems. Explaining the causes of unfair recommendations is critical, as it promotes fairness diagnostics, and thus secures users’ trust in recommendation models. Existing fairness explanation methods suffer high computation burdens due to the large-scale search space and the greedy nature of the explanation search process. Besides, they perform feature-level optimizations with continuous values, which are not applicable to discrete attributes such as gender and age. In this work, we adopt counterfactual explanations from causal inference and propose to generate attribute-level counterfactual explanations, adapting to discrete attributes in recommendation models. We use real-world attributes from Heterogeneous Information Networks (HINs) to empower counterfactual reasoning on discrete attributes. We propose a Counterfactual Explanation for Fairness (CFairER) that generates attribute-level counterfactual explanations from HINs for item exposure fairness. Our CFairER conducts off-policy reinforcement learning to seek high-quality counterfactual explanations, with attentive action pruning reducing the search space of candidate counterfactuals. The counterfactual explanations help to provide rational and proximate explanations for model fairness, while the attentive action pruning narrows the search space of attributes. Extensive experiments demonstrate our proposed model can generate faithful explanations while maintaining favorable recommendation performance.

公平感知推荐可以缓解歧视问题,从而建立值得信赖的推荐系统。解释不公平推荐的原因至关重要,因为它能促进公平性诊断,从而确保用户对推荐模型的信任。由于大规模搜索空间和解释搜索过程的贪婪性,现有的公平性解释方法承受着很高的计算负担。此外,这些方法对连续值进行特征级优化,不适用于性别和年龄等离散属性。在这项工作中,我们采用了因果推理中的反事实解释,并建议生成属性级的反事实解释,以适应推荐模型中的离散属性。我们使用来自异构信息网络(HINs)的真实世界属性来增强离散属性的反事实推理能力。我们提出了一种公平性反事实解释(CFairER),它能从异构信息网络中生成属性级的反事实解释,以保证项目曝光的公平性。我们的 CFairER 通过非政策强化学习来寻求高质量的反事实解释,并通过细心的行动剪枝来减少候选反事实的搜索空间。反事实解释有助于为模型公平性提供合理和近似的解释,而殷勤的行动修剪则缩小了属性的搜索空间。广泛的实验证明,我们提出的模型可以生成忠实的解释,同时保持良好的推荐性能。
{"title":"Counterfactual Explanation for Fairness in Recommendation","authors":"Xiangmeng Wang, Qian Li, Dianer Yu, Qing Li, Guandong Xu","doi":"10.1145/3643670","DOIUrl":"https://doi.org/10.1145/3643670","url":null,"abstract":"<p>Fairness-aware recommendation alleviates discrimination issues to build trustworthy recommendation systems. Explaining the causes of unfair recommendations is critical, as it promotes fairness diagnostics, and thus secures users’ trust in recommendation models. Existing fairness explanation methods suffer high computation burdens due to the large-scale search space and the greedy nature of the explanation search process. Besides, they perform feature-level optimizations with continuous values, which are not applicable to discrete attributes such as gender and age. In this work, we adopt counterfactual explanations from causal inference and propose to generate attribute-level counterfactual explanations, adapting to discrete attributes in recommendation models. We use real-world attributes from Heterogeneous Information Networks (HINs) to empower counterfactual reasoning on discrete attributes. We propose a <i>Counterfactual Explanation for Fairness (CFairER)</i> that generates attribute-level counterfactual explanations from HINs for item exposure fairness. Our <i>CFairER</i> conducts off-policy reinforcement learning to seek high-quality counterfactual explanations, with attentive action pruning reducing the search space of candidate counterfactuals. The counterfactual explanations help to provide rational and proximate explanations for model fairness, while the attentive action pruning narrows the search space of attributes. Extensive experiments demonstrate our proposed model can generate faithful explanations while maintaining favorable recommendation performance.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-01-29","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139579917","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
MCN4Rec: Multi-Level Collaborative Neural Network for Next Location Recommendation MCN4Rec:用于下一个地点推荐的多层次协作神经网络
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-01-29 DOI: 10.1145/3643669
Shuzhe Li, Wei Chen, Bin Wang, Chao Huang, Yanwei Yu, Junyu Dong

Next location recommendation plays an important role in various location-based services, yielding great value for both users and service providers. Existing methods usually model temporal dependencies with explicit time intervals or learn representation from customized point of interest (POI) graphs with rich context information to capture the sequential patterns among POIs. However, this problem is perceptibly complex because various factors, e.g., users’ preferences, spatial locations, time contexts, activity category semantics, and temporal relations, need to be considered together, while most studies lack sufficient consideration of the collaborative signals. Toward this goal, we propose a novel Multi-Level Collaborative Neural Network for next location Recommendation (MCN4Rec). Specifically, we design a multi-level view representation learning with level-wise contrastive learning to collaboratively learn representation from local and global perspectives to capture complex heterogeneous relationships among user, POI, time, and activity categories. Then a causal encoder-decoder is applied to the learned representations of check-in sequences to recommend the next location. Extensive experiments on four real-world check-in mobility datasets demonstrate that our model significantly outperforms the existing state-of-the-art baselines for the next location recommendation. Ablation study further validates the benefits of the collaboration of the designed sub-modules. The source code is available at https://github.com/quai-mengxiang/MCN4Rec.

下一步位置推荐在各种基于位置的服务中发挥着重要作用,为用户和服务提供商带来巨大价值。现有方法通常通过明确的时间间隔对时间依赖性进行建模,或从具有丰富上下文信息的定制兴趣点(POI)图中学习表示法,以捕捉 POI 之间的顺序模式。然而,由于需要综合考虑用户偏好、空间位置、时间背景、活动类别语义和时间关系等各种因素,而大多数研究又缺乏对协作信号的充分考虑,因此这个问题显得非常复杂。为此,我们提出了一种新颖的用于下一个位置推荐的多层次协作神经网络(MCN4Rec)。具体来说,我们设计了一种多层次视图表示学习,通过层次对比学习从本地和全局角度协作学习表示,以捕捉用户、POI、时间和活动类别之间复杂的异构关系。然后将因果编码器-解码器应用于签到序列的学习表示,以推荐下一个地点。在四个真实世界签到移动数据集上进行的广泛实验表明,我们的模型在推荐下一个地点方面明显优于现有的最先进基线模型。消融研究进一步验证了所设计子模块的协作优势。源代码见 https://github.com/quai-mengxiang/MCN4Rec。
{"title":"MCN4Rec: Multi-Level Collaborative Neural Network for Next Location Recommendation","authors":"Shuzhe Li, Wei Chen, Bin Wang, Chao Huang, Yanwei Yu, Junyu Dong","doi":"10.1145/3643669","DOIUrl":"https://doi.org/10.1145/3643669","url":null,"abstract":"<p>Next location recommendation plays an important role in various location-based services, yielding great value for both users and service providers. Existing methods usually model temporal dependencies with explicit time intervals or learn representation from customized point of interest (POI) graphs with rich context information to capture the sequential patterns among POIs. However, this problem is perceptibly complex because various factors, <i>e</i>.<i>g</i>., users’ preferences, spatial locations, time contexts, activity category semantics, and temporal relations, need to be considered together, while most studies lack sufficient consideration of the collaborative signals. Toward this goal, we propose a novel <underline>M</underline>ulti-Level <underline>C</underline>ollaborative Neural <underline>N</underline>etwork for next location <underline>Rec</underline>ommendation (MCN4Rec). Specifically, we design a multi-level view representation learning with level-wise contrastive learning to collaboratively learn representation from local and global perspectives to capture complex heterogeneous relationships among user, POI, time, and activity categories. Then a causal encoder-decoder is applied to the learned representations of check-in sequences to recommend the next location. Extensive experiments on four real-world check-in mobility datasets demonstrate that our model significantly outperforms the existing state-of-the-art baselines for the next location recommendation. Ablation study further validates the benefits of the collaboration of the designed sub-modules. The source code is available at https://github.com/quai-mengxiang/MCN4Rec.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-01-29","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139580062","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Can Perturbations Help Reduce Investment Risks? Risk-Aware Stock Recommendation via Split Variational Adversarial Training 扰动能帮助降低投资风险吗?通过分割变异对抗训练进行风险意识股票推荐
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-01-25 DOI: 10.1145/3643131
Jiezhu Cheng, Kaizhu Huang, Zibin Zheng

In the stock market, a successful investment requires a good balance between profits and risks. Based on the learning to rank paradigm, stock recommendation has been widely studied in quantitative finance to recommend stocks with higher return ratios for investors. Despite the efforts to make profits, many existing recommendation approaches still have some limitations in risk control, which may lead to intolerable paper losses in practical stock investing. To effectively reduce risks, we draw inspiration from adversarial learning and propose a novel Split Variational Adversarial Training (SVAT) method for risk-aware stock recommendation. Essentially, SVAT encourages the stock model to be sensitive to adversarial perturbations of risky stock examples and enhances the model’s risk awareness by learning from perturbations. To generate representative adversarial examples as risk indicators, we devise a variational perturbation generator to model diverse risk factors. Particularly, the variational architecture enables our method to provide a rough risk quantification for investors, showing an additional advantage of interpretability. Experiments on several real-world stock market datasets demonstrate the superiority of our SVAT method. By lowering the volatility of the stock recommendation model, SVAT effectively reduces investment risks and outperforms state-of-the-art baselines by more than (30% ) in terms of risk-adjusted profits. All the experimental data and source code are available at https://drive.google.com/drive/folders/14AdM7WENEvIp5x5bV3zV_i4Aev21C9g6?usp=sharing.

在股票市场上,成功的投资需要在利润和风险之间取得良好的平衡。基于学习排名范式,股票推荐在量化金融领域得到了广泛研究,为投资者推荐收益率较高的股票。尽管努力追求利润,但现有的许多荐股方法在风险控制方面仍存在一定的局限性,在实际股票投资中可能会导致难以忍受的纸面损失。为了有效降低风险,我们从对抗学习中汲取灵感,提出了一种新颖的用于风险意识荐股的分裂变异对抗训练(SVAT)方法。从本质上讲,SVAT 鼓励股票模型对风险股票实例的对抗性扰动保持敏感,并通过从扰动中学习来增强模型的风险意识。为了生成具有代表性的对抗性示例作为风险指标,我们设计了一种变异扰动生成器来模拟各种风险因素。特别是,变分架构使我们的方法能够为投资者提供粗略的风险量化,显示了可解释性的额外优势。在几个真实股市数据集上的实验证明了我们的 SVAT 方法的优越性。通过降低股票推荐模型的波动性,SVAT 有效地降低了投资风险,在风险调整利润方面优于最先进的基线方法超过(30%)。所有实验数据和源代码均可在 https://drive.google.com/drive/folders/14AdM7WENEvIp5x5bV3zV_i4Aev21C9g6?usp=sharing 上获取。
{"title":"Can Perturbations Help Reduce Investment Risks? Risk-Aware Stock Recommendation via Split Variational Adversarial Training","authors":"Jiezhu Cheng, Kaizhu Huang, Zibin Zheng","doi":"10.1145/3643131","DOIUrl":"https://doi.org/10.1145/3643131","url":null,"abstract":"<p>In the stock market, a successful investment requires a good balance between profits and risks. Based on the <i>learning to rank</i> paradigm, stock recommendation has been widely studied in quantitative finance to recommend stocks with higher return ratios for investors. Despite the efforts to make profits, many existing recommendation approaches still have some limitations in risk control, which may lead to intolerable paper losses in practical stock investing. To effectively reduce risks, we draw inspiration from adversarial learning and propose a novel <i>Split Variational Adversarial Training</i> (SVAT) method for risk-aware stock recommendation. Essentially, SVAT encourages the stock model to be sensitive to adversarial perturbations of risky stock examples and enhances the model’s risk awareness by learning from perturbations. To generate representative adversarial examples as risk indicators, we devise a variational perturbation generator to model diverse risk factors. Particularly, the variational architecture enables our method to provide a rough risk quantification for investors, showing an additional advantage of interpretability. Experiments on several real-world stock market datasets demonstrate the superiority of our SVAT method. By lowering the volatility of the stock recommendation model, SVAT effectively reduces investment risks and outperforms state-of-the-art baselines by more than (30% ) in terms of risk-adjusted profits. All the experimental data and source code are available at https://drive.google.com/drive/folders/14AdM7WENEvIp5x5bV3zV_i4Aev21C9g6?usp=sharing.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-01-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139554431","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Tagging Items with Emerging Tags: A Neural Topic Model based Few-Shot Learning Approach 用新兴标签标记项目:基于神经主题模型的少量学习方法
IF 5.6 2区 计算机科学 Q1 Business, Management and Accounting Pub Date : 2024-01-23 DOI: 10.1145/3641859
Shangkun Che, Hongyan Liu, Shen Liu

The tagging system has become a primary tool to organize information resources on the Internet, which benefits both users and the platforms. To build a successful tagging system, automatic tagging methods are desired. With the development of society, new tags keep emerging. The problem of tagging items with emerging tags is an open challenge for automatic tagging system, and it has not been well studied in the literature. We define this problem as a tag-centered cold-start problem in this study and propose a novel neural topic model based few-shot learning method named NTFSL to solve the problem. In our proposed method, we innovatively fuse the topic modeling task with the few-shot learning task, endowing the model with the capability to infer effective topics to solve the tag-centered cold-start problem with the property of interpretability. Meanwhile, we propose a novel neural topic model for the topic modeling task to improve the quality of inferred topics, which helps enhance the tagging performance. Furthermore, we develop a novel inference method based on the variational auto-encoding framework for model inference. We conducted extensive experiments on two real-world datasets and the results demonstrate the superior performance of our proposed model compared with state-of-the-art machine learning methods. Case studies also show the interpretability of the model.

标签系统已成为组织互联网信息资源的主要工具,这对用户和平台都有好处。要建立一个成功的标签系统,需要采用自动标签方法。随着社会的发展,新标签不断涌现。如何用新出现的标签来标记项目是自动标记系统面临的一个挑战,目前还没有相关文献对此进行深入研究。在本研究中,我们将这一问题定义为以标签为中心的冷启动问题,并提出了一种新颖的基于神经主题模型的少量学习方法 NTFSL 来解决这一问题。在我们提出的方法中,我们创新性地融合了主题建模任务和少量学习任务,赋予了模型推断有效主题的能力,从而解决了以标签为中心的冷启动问题,并具有可解释性。同时,我们为主题建模任务提出了一种新的神经主题模型,以提高推断主题的质量,从而有助于提高标记性能。此外,我们还开发了一种基于变异自动编码框架的新型推理方法,用于模型推理。我们在两个真实世界的数据集上进行了广泛的实验,结果表明,与最先进的机器学习方法相比,我们提出的模型性能更优越。案例研究也显示了模型的可解释性。
{"title":"Tagging Items with Emerging Tags: A Neural Topic Model based Few-Shot Learning Approach","authors":"Shangkun Che, Hongyan Liu, Shen Liu","doi":"10.1145/3641859","DOIUrl":"https://doi.org/10.1145/3641859","url":null,"abstract":"<p>The tagging system has become a primary tool to organize information resources on the Internet, which benefits both users and the platforms. To build a successful tagging system, automatic tagging methods are desired. With the development of society, new tags keep emerging. The problem of tagging items with emerging tags is an open challenge for automatic tagging system, and it has not been well studied in the literature. We define this problem as a tag-centered cold-start problem in this study and propose a novel neural topic model based few-shot learning method named NTFSL to solve the problem. In our proposed method, we innovatively fuse the topic modeling task with the few-shot learning task, endowing the model with the capability to infer effective topics to solve the tag-centered cold-start problem with the property of interpretability. Meanwhile, we propose a novel neural topic model for the topic modeling task to improve the quality of inferred topics, which helps enhance the tagging performance. Furthermore, we develop a novel inference method based on the variational auto-encoding framework for model inference. We conducted extensive experiments on two real-world datasets and the results demonstrate the superior performance of our proposed model compared with state-of-the-art machine learning methods. Case studies also show the interpretability of the model.</p>","PeriodicalId":50936,"journal":{"name":"ACM Transactions on Information Systems","volume":null,"pages":null},"PeriodicalIF":5.6,"publicationDate":"2024-01-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139554081","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
ACM Transactions on Information Systems
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1