首页 > 最新文献

ACM Transactions on Information Systems (TOIS)最新文献

英文 中文
Learning Text-image Joint Embedding for Efficient Cross-modal Retrieval with Deep Feature Engineering 基于深度特征工程的文本-图像联合嵌入高效跨模态检索
Pub Date : 2021-10-22 DOI: 10.1145/3490519
Zhongwei Xie, Ling Liu, Yanzhao Wu, Luo Zhong, Lin Li
This article introduces a two-phase deep feature engineering framework for efficient learning of semantics enhanced joint embedding, which clearly separates the deep feature engineering in data preprocessing from training the text-image joint embedding model. We use the Recipe1M dataset for the technical description and empirical validation. In preprocessing, we perform deep feature engineering by combining deep feature engineering with semantic context features derived from raw text-image input data. We leverage LSTM to identify key terms, deep NLP models from the BERT family, TextRank, or TF-IDF to produce ranking scores for key terms before generating the vector representation for each key term by using Word2vec. We leverage Wide ResNet50 and Word2vec to extract and encode the image category semantics of food images to help semantic alignment of the learned recipe and image embeddings in the joint latent space. In joint embedding learning, we perform deep feature engineering by optimizing the batch-hard triplet loss function with soft-margin and double negative sampling, taking into account also the category-based alignment loss and discriminator-based alignment loss. Extensive experiments demonstrate that our SEJE approach with deep feature engineering significantly outperforms the state-of-the-art approaches.
本文引入了一种用于语义增强联合嵌入高效学习的两阶段深度特征工程框架,将数据预处理中的深度特征工程与文本-图像联合嵌入模型的训练清晰地分离开来。我们使用Recipe1M数据集进行技术描述和经验验证。在预处理中,我们将深度特征工程与原始文本-图像输入数据的语义上下文特征相结合,进行深度特征工程。我们利用LSTM识别关键术语,利用BERT家族的深度NLP模型、TextRank或TF-IDF为关键术语生成排名分数,然后使用Word2vec为每个关键术语生成向量表示。我们利用Wide ResNet50和Word2vec对食物图像的图像类别语义进行提取和编码,以帮助在联合潜在空间中对学习到的配方和图像嵌入进行语义对齐。在联合嵌入学习中,我们通过优化具有软裕度和双负采样的批处理硬三重损失函数来进行深度特征工程,同时考虑到基于类别的对齐损失和基于鉴别器的对齐损失。大量的实验表明,我们的深度特征工程的SEJE方法明显优于最先进的方法。
{"title":"Learning Text-image Joint Embedding for Efficient Cross-modal Retrieval with Deep Feature Engineering","authors":"Zhongwei Xie, Ling Liu, Yanzhao Wu, Luo Zhong, Lin Li","doi":"10.1145/3490519","DOIUrl":"https://doi.org/10.1145/3490519","url":null,"abstract":"This article introduces a two-phase deep feature engineering framework for efficient learning of semantics enhanced joint embedding, which clearly separates the deep feature engineering in data preprocessing from training the text-image joint embedding model. We use the Recipe1M dataset for the technical description and empirical validation. In preprocessing, we perform deep feature engineering by combining deep feature engineering with semantic context features derived from raw text-image input data. We leverage LSTM to identify key terms, deep NLP models from the BERT family, TextRank, or TF-IDF to produce ranking scores for key terms before generating the vector representation for each key term by using Word2vec. We leverage Wide ResNet50 and Word2vec to extract and encode the image category semantics of food images to help semantic alignment of the learned recipe and image embeddings in the joint latent space. In joint embedding learning, we perform deep feature engineering by optimizing the batch-hard triplet loss function with soft-margin and double negative sampling, taking into account also the category-based alignment loss and discriminator-based alignment loss. Extensive experiments demonstrate that our SEJE approach with deep feature engineering significantly outperforms the state-of-the-art approaches.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"25 1","pages":"1 - 27"},"PeriodicalIF":0.0,"publicationDate":"2021-10-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"87256841","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 8
Learning to Learn a Cold-start Sequential Recommender 学习学习冷启动顺序推荐器
Pub Date : 2021-10-18 DOI: 10.1145/3466753
Xiaowen Huang, J. Sang, Jian Yu, Changsheng Xu
The cold-start recommendation is an urgent problem in contemporary online applications. It aims to provide users whose behaviors are literally sparse with as accurate recommendations as possible. Many data-driven algorithms, such as the widely used matrix factorization, underperform because of data sparseness. This work adopts the idea of meta-learning to solve the user’s cold-start recommendation problem. We propose a meta-learning-based cold-start sequential recommendation framework called metaCSR, including three main components: Diffusion Representer for learning better user/item embedding through information diffusion on the interaction graph; Sequential Recommender for capturing temporal dependencies of behavior sequences; and Meta Learner for extracting and propagating transferable knowledge of prior users and learning a good initialization for new users. metaCSR holds the ability to learn the common patterns from regular users’ behaviors and optimize the initialization so that the model can quickly adapt to new users after one or a few gradient updates to achieve optimal performance. The extensive quantitative experiments on three widely used datasets show the remarkable performance of metaCSR in dealing with the user cold-start problem. Meanwhile, a series of qualitative analysis demonstrates that the proposed metaCSR has good generalization.
冷启动推荐是当前在线应用中亟待解决的问题。它旨在为行为稀疏的用户提供尽可能准确的推荐。许多数据驱动算法,如广泛使用的矩阵分解,由于数据稀疏性而表现不佳。本工作采用元学习的思想来解决用户冷启动推荐问题。我们提出了一个基于元学习的冷启动顺序推荐框架,称为metaCSR,包括三个主要组成部分:扩散代表,通过交互图上的信息扩散学习更好的用户/项目嵌入;时序推荐器,用于捕获行为序列的时间依赖性;以及元学习者,用于提取和传播先前用户的可转移知识,并为新用户学习良好的初始化。metaCSR能够从常规用户的行为中学习通用模式,并优化初始化,使模型在一次或几次梯度更新后能够快速适应新用户,从而达到最佳性能。在三个广泛使用的数据集上进行的大量定量实验表明,metaCSR在处理用户冷启动问题方面具有显著的性能。同时,一系列定性分析表明,所提出的metaCSR具有良好的泛化性。
{"title":"Learning to Learn a Cold-start Sequential Recommender","authors":"Xiaowen Huang, J. Sang, Jian Yu, Changsheng Xu","doi":"10.1145/3466753","DOIUrl":"https://doi.org/10.1145/3466753","url":null,"abstract":"The cold-start recommendation is an urgent problem in contemporary online applications. It aims to provide users whose behaviors are literally sparse with as accurate recommendations as possible. Many data-driven algorithms, such as the widely used matrix factorization, underperform because of data sparseness. This work adopts the idea of meta-learning to solve the user’s cold-start recommendation problem. We propose a meta-learning-based cold-start sequential recommendation framework called metaCSR, including three main components: Diffusion Representer for learning better user/item embedding through information diffusion on the interaction graph; Sequential Recommender for capturing temporal dependencies of behavior sequences; and Meta Learner for extracting and propagating transferable knowledge of prior users and learning a good initialization for new users. metaCSR holds the ability to learn the common patterns from regular users’ behaviors and optimize the initialization so that the model can quickly adapt to new users after one or a few gradient updates to achieve optimal performance. The extensive quantitative experiments on three widely used datasets show the remarkable performance of metaCSR in dealing with the user cold-start problem. Meanwhile, a series of qualitative analysis demonstrates that the proposed metaCSR has good generalization.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"102 1","pages":"1 - 25"},"PeriodicalIF":0.0,"publicationDate":"2021-10-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78165036","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 14
On the Study of Transformers for Query Suggestion 关于变压器查询建议的研究
Pub Date : 2021-10-14 DOI: 10.1145/3470562
Agnès Mustar, S. Lamprier, Benjamin Piwowarski
When conducting a search task, users may find it difficult to articulate their need, even more so when the task is complex. To help them complete their search, search engine usually provide query suggestions. A good query suggestion system requires to model user behavior during the search session. In this article, we study multiple Transformer architectures applied to the query suggestion task and compare them with recurrent neural network (RNN)-based models. We experiment Transformer models with different tokenizers, with different Encoders (large pretrained models or fully trained ones), and with two kinds of architectures (flat or hierarchic). We study the performance and the behaviors of these various models, and observe that Transformer-based models outperform RNN-based ones. We show that while the hierarchical architectures exhibit very good performances for query suggestion, the flat models are more suitable for complex and long search tasks. Finally, we investigate the flat models behavior and demonstrate that they indeed learn to recover the hierarchy of a search session.
在执行搜索任务时,用户可能会发现很难表达他们的需求,当任务很复杂时更是如此。为了帮助他们完成搜索,搜索引擎通常会提供查询建议。一个好的查询建议系统需要在搜索过程中对用户行为进行建模。在本文中,我们研究了应用于查询建议任务的多种Transformer架构,并将它们与基于循环神经网络(RNN)的模型进行了比较。我们用不同的标记器、不同的编码器(大型预训练模型或完全训练的模型)和两种体系结构(扁平或分层)来实验Transformer模型。我们研究了这些不同模型的性能和行为,并观察到基于transformer的模型优于基于rnn的模型。研究表明,层次结构在查询建议方面表现出很好的性能,而平面模型更适合于复杂和长时间的搜索任务。最后,我们研究了平面模型的行为,并证明它们确实学会了恢复搜索会话的层次结构。
{"title":"On the Study of Transformers for Query Suggestion","authors":"Agnès Mustar, S. Lamprier, Benjamin Piwowarski","doi":"10.1145/3470562","DOIUrl":"https://doi.org/10.1145/3470562","url":null,"abstract":"When conducting a search task, users may find it difficult to articulate their need, even more so when the task is complex. To help them complete their search, search engine usually provide query suggestions. A good query suggestion system requires to model user behavior during the search session. In this article, we study multiple Transformer architectures applied to the query suggestion task and compare them with recurrent neural network (RNN)-based models. We experiment Transformer models with different tokenizers, with different Encoders (large pretrained models or fully trained ones), and with two kinds of architectures (flat or hierarchic). We study the performance and the behaviors of these various models, and observe that Transformer-based models outperform RNN-based ones. We show that while the hierarchical architectures exhibit very good performances for query suggestion, the flat models are more suitable for complex and long search tasks. Finally, we investigate the flat models behavior and demonstrate that they indeed learn to recover the hierarchy of a search session.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"10 1","pages":"1 - 27"},"PeriodicalIF":0.0,"publicationDate":"2021-10-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78954365","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 13
HyperSoRec: Exploiting Hyperbolic User and Item Representations with Multiple Aspects for Social-aware Recommendation HyperSoRec:利用用户和项目的多角度双曲表示进行社会意识推荐
Pub Date : 2021-09-27 DOI: 10.1145/3463913
Hao Wang, Defu Lian, Hanghang Tong, Qi Liu, Zhenya Huang, Enhong Chen
Social recommendation has achieved great success in many domains including e-commerce and location-based social networks. Existing methods usually explore the user-item interactions or user-user connections to predict users’ preference behaviors. However, they usually learn both user and item representations in Euclidean space, which has large limitations for exploring the latent hierarchical property in the data. In this article, we study a novel problem of hyperbolic social recommendation, where we aim to learn the compact but strong representations for both users and items. Meanwhile, this work also addresses two critical domain-issues, which are under-explored. First, users often make trade-offs with multiple underlying aspect factors to make decisions during their interactions with items. Second, users generally build connections with others in terms of different aspects, which produces different influences with aspects in social network. To this end, we propose a novel graph neural network (GNN) framework with multiple aspect learning, namely, HyperSoRec. Specifically, we first embed all users, items, and aspects into hyperbolic space with superior representations to ensure their hierarchical properties. Then, we adapt a GNN with novel multi-aspect message-passing-receiving mechanism to capture different influences among users. Next, to characterize the multi-aspect interactions of users on items, we propose an adaptive hyperbolic metric learning method by introducing learnable interactive relations among different aspects. Finally, we utilize the hyperbolic translational distance to measure the plausibility in each user-item pair for recommendation. Experimental results on two public datasets clearly demonstrate that our HyperSoRec not only achieves significant improvement for recommendation performance but also shows better representation ability in hyperbolic space with strong robustness and reliability.
社会推荐在许多领域取得了巨大的成功,包括电子商务和基于位置的社交网络。现有的方法通常是探索用户-物品交互或用户-用户连接来预测用户的偏好行为。然而,它们通常在欧几里得空间中学习用户和项目的表示,这对于探索数据中潜在的层次属性有很大的局限性。在本文中,我们研究了一个新的双曲社会推荐问题,我们的目标是学习用户和项目的紧凑但强的表示。同时,这项工作还解决了两个关键的领域问题,这些问题尚未得到充分的探索。首先,用户经常在与项目交互过程中权衡多个潜在的方面因素来做出决定。其次,用户一般会从不同的方面与他人建立联系,从而在社交网络中产生不同方面的影响。为此,我们提出了一种新的具有多方面学习的图神经网络(GNN)框架,即HyperSoRec。具体来说,我们首先将所有用户、项和方面嵌入到具有高级表示的双曲空间中,以确保它们的层次属性。然后,我们采用了一种具有新颖的多向消息传递-接收机制的GNN来捕捉用户之间的不同影响。其次,为了表征用户在物品上的多方面交互,我们通过引入不同方面之间可学习的交互关系,提出了一种自适应双曲度量学习方法。最后,我们利用双曲平移距离来衡量每个用户-物品对的推荐合理性。在两个公共数据集上的实验结果清楚地表明,我们的HyperSoRec不仅在推荐性能上取得了显著的提高,而且在双曲空间中表现出更好的表示能力,具有较强的鲁棒性和可靠性。
{"title":"HyperSoRec: Exploiting Hyperbolic User and Item Representations with Multiple Aspects for Social-aware Recommendation","authors":"Hao Wang, Defu Lian, Hanghang Tong, Qi Liu, Zhenya Huang, Enhong Chen","doi":"10.1145/3463913","DOIUrl":"https://doi.org/10.1145/3463913","url":null,"abstract":"Social recommendation has achieved great success in many domains including e-commerce and location-based social networks. Existing methods usually explore the user-item interactions or user-user connections to predict users’ preference behaviors. However, they usually learn both user and item representations in Euclidean space, which has large limitations for exploring the latent hierarchical property in the data. In this article, we study a novel problem of hyperbolic social recommendation, where we aim to learn the compact but strong representations for both users and items. Meanwhile, this work also addresses two critical domain-issues, which are under-explored. First, users often make trade-offs with multiple underlying aspect factors to make decisions during their interactions with items. Second, users generally build connections with others in terms of different aspects, which produces different influences with aspects in social network. To this end, we propose a novel graph neural network (GNN) framework with multiple aspect learning, namely, HyperSoRec. Specifically, we first embed all users, items, and aspects into hyperbolic space with superior representations to ensure their hierarchical properties. Then, we adapt a GNN with novel multi-aspect message-passing-receiving mechanism to capture different influences among users. Next, to characterize the multi-aspect interactions of users on items, we propose an adaptive hyperbolic metric learning method by introducing learnable interactive relations among different aspects. Finally, we utilize the hyperbolic translational distance to measure the plausibility in each user-item pair for recommendation. Experimental results on two public datasets clearly demonstrate that our HyperSoRec not only achieves significant improvement for recommendation performance but also shows better representation ability in hyperbolic space with strong robustness and reliability.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"466 1","pages":"1 - 28"},"PeriodicalIF":0.0,"publicationDate":"2021-09-27","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"86715419","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 32
Multi-Response Awareness for Retrieval-Based Conversations: Respond with Diversity via Dynamic Representation Learning 基于检索会话的多反应意识:基于动态表征学习的多样性反应
Pub Date : 2021-09-20 DOI: 10.1145/3470450
Rui Yan, Weiheng Liao, Dongyan Zhao, Ji-rong Wen
Conversational systems now attract great attention due to their promising potential and commercial values. To build a conversational system with moderate intelligence is challenging and requires big (conversational) data, as well as interdisciplinary techniques. Thanks to the prosperity of the Web, the massive data available greatly facilitate data-driven methods such as deep learning for human-computer conversational systems. In general, retrieval-based conversational systems apply various matching schema between query utterances and responses, but the classic retrieval paradigm suffers from prominent weakness for conversations: the system finds similar responses given a particular query. For real human-to-human conversations, on the contrary, responses can be greatly different yet all are possibly appropriate. The observation reveals the diversity phenomenon in conversations. In this article, we ascribe the lack of conversational diversity to the reason that the query utterances are statically modeled regardless of candidate responses through traditional methods. To this end, we propose a dynamic representation learning strategy that models the query utterances and different response candidates in an interactive way. To be more specific, we propose a Respond-with-Diversity model augmented by the memory module interacting with both the query utterances and multiple candidate responses. Hence, we obtain dynamic representations for the input queries conditioned on different response candidates. We frame the model as an end-to-end learnable neural network. In the experiments, we demonstrate the effectiveness of the proposed model by achieving a good appropriateness score and much better diversity in retrieval-based conversations between humans and computers.
会话系统由于其巨大的潜力和商业价值而受到广泛关注。构建具有中等智能的会话系统具有挑战性,需要大(会话)数据以及跨学科技术。由于网络的繁荣,大量可用的数据极大地促进了数据驱动的方法,如人机对话系统的深度学习。一般来说,基于检索的会话系统在查询话语和响应之间应用各种匹配模式,但是经典的检索范式在会话中存在明显的弱点:系统在给定特定查询时找到类似的响应。相反,对于真正的人与人之间的对话,反应可能大不相同,但都可能是合适的。这一观察揭示了对话中的多样性现象。在本文中,我们将会话多样性的缺乏归因于查询话语通过传统方法静态建模而不考虑候选响应的原因。为此,我们提出了一种动态表征学习策略,该策略以交互的方式对查询话语和不同的响应候选者进行建模。更具体地说,我们提出了一个具有多样性的响应模型,该模型通过记忆模块与查询话语和多个候选响应交互来增强。因此,我们获得了以不同响应候选者为条件的输入查询的动态表示。我们将模型构建为端到端可学习的神经网络。在实验中,我们通过在人与计算机之间基于检索的对话中获得良好的适当性得分和更好的多样性来证明所提出模型的有效性。
{"title":"Multi-Response Awareness for Retrieval-Based Conversations: Respond with Diversity via Dynamic Representation Learning","authors":"Rui Yan, Weiheng Liao, Dongyan Zhao, Ji-rong Wen","doi":"10.1145/3470450","DOIUrl":"https://doi.org/10.1145/3470450","url":null,"abstract":"Conversational systems now attract great attention due to their promising potential and commercial values. To build a conversational system with moderate intelligence is challenging and requires big (conversational) data, as well as interdisciplinary techniques. Thanks to the prosperity of the Web, the massive data available greatly facilitate data-driven methods such as deep learning for human-computer conversational systems. In general, retrieval-based conversational systems apply various matching schema between query utterances and responses, but the classic retrieval paradigm suffers from prominent weakness for conversations: the system finds similar responses given a particular query. For real human-to-human conversations, on the contrary, responses can be greatly different yet all are possibly appropriate. The observation reveals the diversity phenomenon in conversations. In this article, we ascribe the lack of conversational diversity to the reason that the query utterances are statically modeled regardless of candidate responses through traditional methods. To this end, we propose a dynamic representation learning strategy that models the query utterances and different response candidates in an interactive way. To be more specific, we propose a Respond-with-Diversity model augmented by the memory module interacting with both the query utterances and multiple candidate responses. Hence, we obtain dynamic representations for the input queries conditioned on different response candidates. We frame the model as an end-to-end learnable neural network. In the experiments, we demonstrate the effectiveness of the proposed model by achieving a good appropriateness score and much better diversity in retrieval-based conversations between humans and computers.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"26 1","pages":"1 - 29"},"PeriodicalIF":0.0,"publicationDate":"2021-09-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"73941464","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Topic Difficulty: Collection and Query Formulation Effects 题目难度:收集和查询公式效果
Pub Date : 2021-09-07 DOI: 10.1145/3470563
J. Culpepper, G. Faggioli, N. Ferro, Oren Kurland
Several recent studies have explored the interaction effects between topics, systems, corpora, and components when measuring retrieval effectiveness. However, all of these previous studies assume that a topic or information need is represented by a single query. In reality, users routinely reformulate queries to satisfy an information need. In recent years, there has been renewed interest in the notion of “query variations” which are essentially multiple user formulations for an information need. Like many retrieval models, some queries are highly effective while others are not. This is often an artifact of the collection being searched which might be more or less sensitive to word choice. Users rarely have perfect knowledge about the underlying collection, and so finding queries that work is often a trial-and-error process. In this work, we explore the fundamental problem of system interaction effects between collections, ranking models, and queries. To answer this important question, we formalize the analysis using ANalysis Of VAriance (ANOVA) models to measure multiple components effects across collections and topics by nesting multiple query variations within each topic. Our findings show that query formulations have a comparable effect size of the topic factor itself, which is known to be the factor with the greatest effect size in prior ANOVA studies. Both topic and formulation have a substantially larger effect size than any other factor, including the ranking algorithms and, surprisingly, even query expansion. This finding reinforces the importance of further research in understanding the role of query rewriting in IR related tasks.
最近的一些研究探讨了主题、系统、语料库和组件之间在测量检索效率时的交互效应。然而,所有这些先前的研究都假设一个主题或信息需求是由单个查询表示的。在现实中,用户通常会重新制定查询以满足信息需求。近年来,人们对“查询变化”的概念重新产生了兴趣,它本质上是针对信息需求的多用户表述。与许多检索模型一样,有些查询是非常有效的,而另一些则不是。这通常是正在搜索的集合的工件,可能或多或少对单词选择敏感。用户很少完全了解底层集合,因此查找有效的查询通常是一个反复试验的过程。在这项工作中,我们探索了集合、排名模型和查询之间的系统交互效应的基本问题。为了回答这个重要的问题,我们使用方差分析(ANOVA)模型来形式化分析,通过在每个主题中嵌套多个查询变量来度量跨集合和主题的多个组件影响。我们的研究结果表明,查询公式与主题因素本身具有相当的效应量,而主题因素本身在先前的方差分析研究中已知是具有最大效应量的因素。主题和公式化都比任何其他因素(包括排名算法,甚至是查询扩展)具有更大的效应大小。这一发现加强了进一步研究在理解查询重写在IR相关任务中的作用的重要性。
{"title":"Topic Difficulty: Collection and Query Formulation Effects","authors":"J. Culpepper, G. Faggioli, N. Ferro, Oren Kurland","doi":"10.1145/3470563","DOIUrl":"https://doi.org/10.1145/3470563","url":null,"abstract":"Several recent studies have explored the interaction effects between topics, systems, corpora, and components when measuring retrieval effectiveness. However, all of these previous studies assume that a topic or information need is represented by a single query. In reality, users routinely reformulate queries to satisfy an information need. In recent years, there has been renewed interest in the notion of “query variations” which are essentially multiple user formulations for an information need. Like many retrieval models, some queries are highly effective while others are not. This is often an artifact of the collection being searched which might be more or less sensitive to word choice. Users rarely have perfect knowledge about the underlying collection, and so finding queries that work is often a trial-and-error process. In this work, we explore the fundamental problem of system interaction effects between collections, ranking models, and queries. To answer this important question, we formalize the analysis using ANalysis Of VAriance (ANOVA) models to measure multiple components effects across collections and topics by nesting multiple query variations within each topic. Our findings show that query formulations have a comparable effect size of the topic factor itself, which is known to be the factor with the greatest effect size in prior ANOVA studies. Both topic and formulation have a substantially larger effect size than any other factor, including the ranking algorithms and, surprisingly, even query expansion. This finding reinforces the importance of further research in understanding the role of query rewriting in IR related tasks.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"434 1","pages":"1 - 36"},"PeriodicalIF":0.0,"publicationDate":"2021-09-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"76655865","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 17
Joint Representation Learning with Relation-Enhanced Topic Models for Intelligent Job Interview Assessment 基于关系增强主题模型的联合表征学习智能面试评估
Pub Date : 2021-09-07 DOI: 10.1145/3469654
Dazhong Shen, Chuan Qin, Hengshu Zhu, Tong Xu, Enhong Chen, Hui Xiong
The job interview is considered as one of the most essential tasks in talent recruitment, which forms a bridge between candidates and employers in fitting the right person for the right job. While substantial efforts have been made on improving the job interview process, it is inevitable to have biased or inconsistent interview assessment due to the subjective nature of the traditional interview process. To this end, in this article, we propose three novel approaches to intelligent job interview by learning the large-scale real-world interview data. Specifically, we first develop a preliminary model, named Joint Learning Model on Interview Assessment (JLMIA), to mine the relationship among job description, candidate resume, and interview assessment. Then, we further design an enhanced model, named Neural-JLMIA, to improve the representative capability by applying neural variance inference. Last, we propose to refine JLMIA with Refined-JLMIA (R-JLMIA) by modeling individual characteristics for each collection, i.e., disentangling the core competences from resume and capturing the evolution of the semantic topics over different interview rounds. As a result, our approaches can effectively learn the representative perspectives of different job interview processes from the successful job interview records in history. In addition, we exploit our approaches for two real-world applications, i.e., person-job fit and skill recommendation for interview assessment. Extensive experiments conducted on real-world data clearly validate the effectiveness of our models, which can lead to substantially less bias in job interviews and provide an interpretable understanding of job interview assessment.
求职面试被认为是人才招聘中最重要的任务之一,它在求职者和雇主之间架起了一座桥梁,让合适的人适合合适的工作。虽然在改进工作面试过程方面做出了大量努力,但由于传统面试过程的主观性,不可避免地会出现偏见或不一致的面试评估。为此,在本文中,我们通过学习大规模的真实面试数据,提出了三种新的智能面试方法。具体而言,我们首先建立了一个初步的模型,称为面试评估联合学习模型(JLMIA),以挖掘职位描述、候选人简历和面试评估之间的关系。然后,我们进一步设计了一个增强模型neural - jlmia,通过神经方差推理来提高表征能力。最后,我们提出用精细化的JLMIA (R-JLMIA)来改进JLMIA,方法是对每个集合的个人特征进行建模,即从简历中分离出核心竞争力,并捕捉语义主题在不同面试回合中的演变。因此,我们的方法可以有效地从历史上成功的面试记录中学习到不同面试过程的代表性视角。此外,我们将我们的方法用于两个现实世界的应用,即面试评估的个人-工作契合度和技能推荐。在现实世界数据上进行的大量实验清楚地验证了我们模型的有效性,这可以大大减少面试中的偏见,并为面试评估提供可解释的理解。
{"title":"Joint Representation Learning with Relation-Enhanced Topic Models for Intelligent Job Interview Assessment","authors":"Dazhong Shen, Chuan Qin, Hengshu Zhu, Tong Xu, Enhong Chen, Hui Xiong","doi":"10.1145/3469654","DOIUrl":"https://doi.org/10.1145/3469654","url":null,"abstract":"The job interview is considered as one of the most essential tasks in talent recruitment, which forms a bridge between candidates and employers in fitting the right person for the right job. While substantial efforts have been made on improving the job interview process, it is inevitable to have biased or inconsistent interview assessment due to the subjective nature of the traditional interview process. To this end, in this article, we propose three novel approaches to intelligent job interview by learning the large-scale real-world interview data. Specifically, we first develop a preliminary model, named Joint Learning Model on Interview Assessment (JLMIA), to mine the relationship among job description, candidate resume, and interview assessment. Then, we further design an enhanced model, named Neural-JLMIA, to improve the representative capability by applying neural variance inference. Last, we propose to refine JLMIA with Refined-JLMIA (R-JLMIA) by modeling individual characteristics for each collection, i.e., disentangling the core competences from resume and capturing the evolution of the semantic topics over different interview rounds. As a result, our approaches can effectively learn the representative perspectives of different job interview processes from the successful job interview records in history. In addition, we exploit our approaches for two real-world applications, i.e., person-job fit and skill recommendation for interview assessment. Extensive experiments conducted on real-world data clearly validate the effectiveness of our models, which can lead to substantially less bias in job interviews and provide an interpretable understanding of job interview assessment.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"96 1","pages":"1 - 36"},"PeriodicalIF":0.0,"publicationDate":"2021-09-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"80116646","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 10
A Graph Theoretic Approach for Multi-Objective Budget Constrained Capsule Wardrobe Recommendation 多目标预算约束下胶囊衣柜推荐的图论方法
Pub Date : 2021-09-07 DOI: 10.1145/3457182
Shubham Patil, Debopriyo Banerjee, S. Sural
Traditionally, capsule wardrobes are manually designed by expert fashionistas through their creativity and technical prowess. The goal is to curate minimal fashion items that can be assembled into several compatible and versatile outfits. It is usually a cost and time intensive process, and hence lacks scalability. Although there are a few approaches that attempt to automate the process, they tend to ignore the price of items or shopping budget. In this article, we formulate this task as a multi-objective budget constrained capsule wardrobe recommendation (MOBCCWR) problem. It is modeled as a bipartite graph having two disjoint vertex sets corresponding to top-wear and bottom-wear items, respectively. An edge represents compatibility between the corresponding item pairs. The objective is to find a 1-neighbor subset of fashion items as a capsule wardrobe that jointly maximize compatibility and versatility scores by considering corresponding user-specified preference weight coefficients and an overall shopping budget as a means of achieving personalization. We study the complexity class of MOBCCWR, show that it is NP-Complete, and propose a greedy algorithm for finding a near-optimal solution in real time. We also analyze the time complexity and approximation bound for our algorithm. Experimental results show the effectiveness of the proposed approach on both real and synthetic datasets.
传统上,胶囊衣柜是由时尚达人通过他们的创造力和技术实力手工设计的。我们的目标是设计出最小的时尚单品,这些单品可以组合成几套兼容且多用途的服装。它通常是一个成本和时间密集的过程,因此缺乏可伸缩性。尽管有一些方法试图使这一过程自动化,但它们往往忽略了商品的价格或购物预算。在本文中,我们将此任务描述为一个多目标预算约束胶囊衣柜推荐(MOBCCWR)问题。它被建模为具有两个不相交的顶点集的二部图,分别对应于顶磨损和底磨损项。边表示相应项对之间的兼容性。目标是通过考虑相应的用户指定的偏好权重系数和整体购物预算作为实现个性化的手段,找到一个时尚单邻居子集作为胶囊衣柜,共同最大化兼容性和多功能性得分。我们研究了MOBCCWR的复杂度类,证明了它是np完全的,并提出了一种贪婪算法来实时寻找近最优解。我们还分析了算法的时间复杂度和近似界。实验结果表明,该方法在真实数据集和合成数据集上都是有效的。
{"title":"A Graph Theoretic Approach for Multi-Objective Budget Constrained Capsule Wardrobe Recommendation","authors":"Shubham Patil, Debopriyo Banerjee, S. Sural","doi":"10.1145/3457182","DOIUrl":"https://doi.org/10.1145/3457182","url":null,"abstract":"Traditionally, capsule wardrobes are manually designed by expert fashionistas through their creativity and technical prowess. The goal is to curate minimal fashion items that can be assembled into several compatible and versatile outfits. It is usually a cost and time intensive process, and hence lacks scalability. Although there are a few approaches that attempt to automate the process, they tend to ignore the price of items or shopping budget. In this article, we formulate this task as a multi-objective budget constrained capsule wardrobe recommendation (MOBCCWR) problem. It is modeled as a bipartite graph having two disjoint vertex sets corresponding to top-wear and bottom-wear items, respectively. An edge represents compatibility between the corresponding item pairs. The objective is to find a 1-neighbor subset of fashion items as a capsule wardrobe that jointly maximize compatibility and versatility scores by considering corresponding user-specified preference weight coefficients and an overall shopping budget as a means of achieving personalization. We study the complexity class of MOBCCWR, show that it is NP-Complete, and propose a greedy algorithm for finding a near-optimal solution in real time. We also analyze the time complexity and approximation bound for our algorithm. Experimental results show the effectiveness of the proposed approach on both real and synthetic datasets.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"1 1","pages":"1 - 33"},"PeriodicalIF":0.0,"publicationDate":"2021-09-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"89693934","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 5
Collaborative Reflection-Augmented Autoencoder Network for Recommender Systems 协同反射增强自编码器网络推荐系统
Pub Date : 2021-09-07 DOI: 10.1145/3467023
Lianghao Xia, Chao Huang, Yong Xu, Huance Xu, Xiang Li, Weiguo Zhang
As the deep learning techniques have expanded to real-world recommendation tasks, many deep neural network based Collaborative Filtering (CF) models have been developed to project user-item interactions into latent feature space, based on various neural architectures, such as multi-layer perceptron, autoencoder, and graph neural networks. However, the majority of existing collaborative filtering systems are not well designed to handle missing data. Particularly, in order to inject the negative signals in the training phase, these solutions largely rely on negative sampling from unobserved user-item interactions and simply treating them as negative instances, which brings the recommendation performance degradation. To address the issues, we develop a Collaborative Reflection-Augmented Autoencoder Network (CRANet), that is capable of exploring transferable knowledge from observed and unobserved user-item interactions. The network architecture of CRANet is formed of an integrative structure with a reflective receptor network and an information fusion autoencoder module, which endows our recommendation framework with the ability of encoding implicit user’s pairwise preference on both interacted and non-interacted items. Additionally, a parametric regularization-based tied-weight scheme is designed to perform robust joint training of the two-stage CRANetmodel. We finally experimentally validate CRANeton four diverse benchmark datasets corresponding to two recommendation tasks, to show that debiasing the negative signals of user-item interactions improves the performance as compared to various state-of-the-art recommendation techniques. Our source code is available at https://github.com/akaxlh/CRANet.
随着深度学习技术扩展到现实世界的推荐任务,许多基于深度神经网络的协同过滤(CF)模型已经被开发出来,以将用户-项目交互投影到潜在特征空间,基于各种神经结构,如多层感知器、自编码器和图神经网络。然而,大多数现有的协同过滤系统都没有很好地设计来处理丢失的数据。特别是,为了在训练阶段注入负面信号,这些解决方案在很大程度上依赖于从未观察到的用户-物品交互中进行负采样,并简单地将其视为负面实例,从而导致推荐性能下降。为了解决这些问题,我们开发了一个协作反射增强自动编码器网络(CRANet),它能够从观察到的和未观察到的用户-项目交互中探索可转移的知识。CRANet的网络架构是由反射受体网络和信息融合自编码器模块组成的一体化结构,这使得我们的推荐框架能够编码用户对交互和非交互项目的隐式配对偏好。此外,设计了一种基于参数正则化的捆绑权方案,对两阶段CRANetmodel进行鲁棒联合训练。我们最后通过实验验证了对应于两个推荐任务的CRANeton四种不同的基准数据集,以表明与各种最先进的推荐技术相比,消除用户-项目交互的负面信号可以提高性能。我们的源代码可从https://github.com/akaxlh/CRANet获得。
{"title":"Collaborative Reflection-Augmented Autoencoder Network for Recommender Systems","authors":"Lianghao Xia, Chao Huang, Yong Xu, Huance Xu, Xiang Li, Weiguo Zhang","doi":"10.1145/3467023","DOIUrl":"https://doi.org/10.1145/3467023","url":null,"abstract":"As the deep learning techniques have expanded to real-world recommendation tasks, many deep neural network based Collaborative Filtering (CF) models have been developed to project user-item interactions into latent feature space, based on various neural architectures, such as multi-layer perceptron, autoencoder, and graph neural networks. However, the majority of existing collaborative filtering systems are not well designed to handle missing data. Particularly, in order to inject the negative signals in the training phase, these solutions largely rely on negative sampling from unobserved user-item interactions and simply treating them as negative instances, which brings the recommendation performance degradation. To address the issues, we develop a Collaborative Reflection-Augmented Autoencoder Network (CRANet), that is capable of exploring transferable knowledge from observed and unobserved user-item interactions. The network architecture of CRANet is formed of an integrative structure with a reflective receptor network and an information fusion autoencoder module, which endows our recommendation framework with the ability of encoding implicit user’s pairwise preference on both interacted and non-interacted items. Additionally, a parametric regularization-based tied-weight scheme is designed to perform robust joint training of the two-stage CRANetmodel. We finally experimentally validate CRANeton four diverse benchmark datasets corresponding to two recommendation tasks, to show that debiasing the negative signals of user-item interactions improves the performance as compared to various state-of-the-art recommendation techniques. Our source code is available at https://github.com/akaxlh/CRANet.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"71 1","pages":"1 - 22"},"PeriodicalIF":0.0,"publicationDate":"2021-09-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"83987575","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 6
Question Tagging via Graph-guided Ranking 通过图导向排名的问题标注
Pub Date : 2021-09-07 DOI: 10.1145/3468270
Xiao Zhang, Meng Liu, Jianhua Yin, Z. Ren, Liqiang Nie
With the increasing prevalence of portable devices and the popularity of community Question Answering (cQA) sites, users can seamlessly post and answer many questions. To effectively organize the information for precise recommendation and easy searching, these platforms require users to select topics for their raised questions. However, due to the limited experience, certain users fail to select appropriate topics for their questions. Thereby, automatic question tagging becomes an urgent and vital problem for the cQA sites, yet it is non-trivial due to the following challenges. On the one hand, vast and meaningful topics are available yet not utilized in the cQA sites; how to model and tag them to relevant questions is a highly challenging problem. On the other hand, related topics in the cQA sites may be organized into a directed acyclic graph. In light of this, how to exploit relations among topics to enhance their representations is critical. To settle these challenges, we devise a graph-guided topic ranking model to tag questions in the cQA sites appropriately. In particular, we first design a topic information fusion module to learn the topic representation by jointly considering the name and description of the topic. Afterwards, regarding the special structure of topics, we propose an information propagation module to enhance the topic representation. As the comprehension of questions plays a vital role in question tagging, we design a multi-level context-modeling-based question encoder to obtain the enhanced question representation. Moreover, we introduce an interaction module to extract topic-aware question information and capture the interactive information between questions and topics. Finally, we utilize the interactive information to estimate the ranking scores for topics. Extensive experiments on three Chinese cQA datasets have demonstrated that our proposed model outperforms several state-of-the-art competitors.
随着便携式设备的日益普及和社区问答(cQA)站点的普及,用户可以无缝地发布和回答许多问题。为了有效地组织信息进行精准推荐和方便搜索,这些平台要求用户为自己提出的问题选择话题。然而,由于经验有限,某些用户无法为他们的问题选择合适的主题。因此,自动标注问题成为cQA站点的一个紧迫而重要的问题,但由于以下挑战,它并非微不足道。一方面,cQA网站上有大量有意义的话题尚未被利用;如何将它们建模并标记为相关问题是一个极具挑战性的问题。另一方面,cQA站点中的相关主题可以组织成一个有向无环图。鉴于此,如何利用主题之间的关系来增强它们的表征是至关重要的。为了解决这些问题,我们设计了一个图形引导的主题排名模型来适当地标记cQA站点中的问题。特别地,我们首先设计了一个主题信息融合模块,通过联合考虑主题的名称和描述来学习主题的表示。然后,针对主题的特殊结构,提出了一个信息传播模块来增强主题的表达。由于问题理解在问题标注中起着至关重要的作用,我们设计了一个基于多级上下文建模的问题编码器来获得增强的问题表示。此外,我们还引入了交互模块来提取主题感知问题信息,并捕获问题与主题之间的交互信息。最后,我们利用交互信息来估计主题的排名分数。在三个中国cQA数据集上进行的大量实验表明,我们提出的模型优于几个最先进的竞争对手。
{"title":"Question Tagging via Graph-guided Ranking","authors":"Xiao Zhang, Meng Liu, Jianhua Yin, Z. Ren, Liqiang Nie","doi":"10.1145/3468270","DOIUrl":"https://doi.org/10.1145/3468270","url":null,"abstract":"With the increasing prevalence of portable devices and the popularity of community Question Answering (cQA) sites, users can seamlessly post and answer many questions. To effectively organize the information for precise recommendation and easy searching, these platforms require users to select topics for their raised questions. However, due to the limited experience, certain users fail to select appropriate topics for their questions. Thereby, automatic question tagging becomes an urgent and vital problem for the cQA sites, yet it is non-trivial due to the following challenges. On the one hand, vast and meaningful topics are available yet not utilized in the cQA sites; how to model and tag them to relevant questions is a highly challenging problem. On the other hand, related topics in the cQA sites may be organized into a directed acyclic graph. In light of this, how to exploit relations among topics to enhance their representations is critical. To settle these challenges, we devise a graph-guided topic ranking model to tag questions in the cQA sites appropriately. In particular, we first design a topic information fusion module to learn the topic representation by jointly considering the name and description of the topic. Afterwards, regarding the special structure of topics, we propose an information propagation module to enhance the topic representation. As the comprehension of questions plays a vital role in question tagging, we design a multi-level context-modeling-based question encoder to obtain the enhanced question representation. Moreover, we introduce an interaction module to extract topic-aware question information and capture the interactive information between questions and topics. Finally, we utilize the interactive information to estimate the ranking scores for topics. Extensive experiments on three Chinese cQA datasets have demonstrated that our proposed model outperforms several state-of-the-art competitors.","PeriodicalId":6934,"journal":{"name":"ACM Transactions on Information Systems (TOIS)","volume":"22 1","pages":"1 - 23"},"PeriodicalIF":0.0,"publicationDate":"2021-09-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"80097198","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
期刊
ACM Transactions on Information Systems (TOIS)
全部 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