首页 > 最新文献

ACM Transactions on Knowledge Discovery from Data (TKDD)最新文献

英文 中文
Unsupervised Adversarial Network Alignment with Reinforcement Learning 与强化学习的无监督对抗网络对齐
Pub Date : 2021-10-22 DOI: 10.1145/3477050
Yang Zhou, Jiaxiang Ren, R. Jin, Zijie Zhang, Jingyi Zheng, Zhe Jiang, Da Yan, D. Dou
Network alignment, which aims at learning a matching between the same entities across multiple information networks, often suffers challenges from feature inconsistency, high-dimensional features, to unstable alignment results. This article presents a novel network alignment framework, Unsupervised Adversarial learning based Network Alignment(UANA), that combines generative adversarial network (GAN) and reinforcement learning (RL) techniques to tackle the above critical challenges. First, we propose a bidirectional adversarial network distribution matching model to perform the bidirectional cross-network alignment translations between two networks, such that the distributions of real and translated networks completely overlap together. In addition, two cross-network alignment translation cycles are constructed for training the unsupervised alignment without the need of prior alignment knowledge. Second, in order to address the feature inconsistency issue, we integrate a dual adversarial autoencoder module with an adversarial binary classification model together to project two copies of the same vertices with high-dimensional inconsistent features into the same low-dimensional embedding space. This facilitates the translations of the distributions of two networks in the adversarial network distribution matching model. Finally, we develop an RL based optimization approach to solve the vertex matching problem in the discrete space of the GAN model, i.e., directly select the vertices in target networks most relevant to the vertices in source networks, without unstable similarity computation that is sensitive to discriminative features and similarity metrics. Extensive evaluation on real-world graph datasets demonstrates the outstanding capability of UANA to address the unsupervised network alignment problem, in terms of both effectiveness and scalability.
网络对齐以学习多个信息网络中相同实体之间的匹配为目标,经常面临特征不一致、高维特征、对齐结果不稳定等问题。本文提出了一种新的网络对齐框架,基于无监督对抗学习的网络对齐(UANA),它结合了生成对抗网络(GAN)和强化学习(RL)技术来解决上述关键挑战。首先,我们提出了一种双向对抗性网络分布匹配模型,在两个网络之间进行双向跨网络对齐平移,使真实网络和平移网络的分布完全重合。此外,构造了两个跨网络的对齐平移周期,用于训练无监督对齐,而不需要事先的对齐知识。其次,为了解决特征不一致问题,我们将双对抗性自编码器模块与对抗性二元分类模型集成在一起,将具有高维不一致特征的相同顶点的两个副本投影到相同的低维嵌入空间中。这有利于对抗性网络分布匹配模型中两个网络分布的转换。最后,我们开发了一种基于强化学习的优化方法来解决GAN模型离散空间中的顶点匹配问题,即直接选择目标网络中与源网络中顶点最相关的顶点,而不需要对判别特征和相似度指标敏感的不稳定相似性计算。对真实世界图形数据集的广泛评估证明了UANA在解决无监督网络对齐问题方面的卓越能力,无论是在有效性还是可扩展性方面。
{"title":"Unsupervised Adversarial Network Alignment with Reinforcement Learning","authors":"Yang Zhou, Jiaxiang Ren, R. Jin, Zijie Zhang, Jingyi Zheng, Zhe Jiang, Da Yan, D. Dou","doi":"10.1145/3477050","DOIUrl":"https://doi.org/10.1145/3477050","url":null,"abstract":"Network alignment, which aims at learning a matching between the same entities across multiple information networks, often suffers challenges from feature inconsistency, high-dimensional features, to unstable alignment results. This article presents a novel network alignment framework, Unsupervised Adversarial learning based Network Alignment(UANA), that combines generative adversarial network (GAN) and reinforcement learning (RL) techniques to tackle the above critical challenges. First, we propose a bidirectional adversarial network distribution matching model to perform the bidirectional cross-network alignment translations between two networks, such that the distributions of real and translated networks completely overlap together. In addition, two cross-network alignment translation cycles are constructed for training the unsupervised alignment without the need of prior alignment knowledge. Second, in order to address the feature inconsistency issue, we integrate a dual adversarial autoencoder module with an adversarial binary classification model together to project two copies of the same vertices with high-dimensional inconsistent features into the same low-dimensional embedding space. This facilitates the translations of the distributions of two networks in the adversarial network distribution matching model. Finally, we develop an RL based optimization approach to solve the vertex matching problem in the discrete space of the GAN model, i.e., directly select the vertices in target networks most relevant to the vertices in source networks, without unstable similarity computation that is sensitive to discriminative features and similarity metrics. Extensive evaluation on real-world graph datasets demonstrates the outstanding capability of UANA to address the unsupervised network alignment problem, in terms of both effectiveness and scalability.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"19 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-10-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125432513","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}
引用次数: 11
Context-Aware Semantic Annotation of Mobility Records 移动记录的上下文感知语义注释
Pub Date : 2021-10-22 DOI: 10.1145/3477048
Huandong Wang, Yong Li, Junjie Lin, Hancheng Cao, Depeng Jin
The wide adoption of mobile devices has provided us with a massive volume of human mobility records. However, a large portion of these records is unlabeled, i.e., only have GPS coordinates without semantic information (e.g., Point of Interest (POI)). To make those unlabeled records associate with more information for further applications, it is of great importance to annotate the original data with POIs information based on the external context. Nevertheless, semantic annotation of mobility records is challenging due to three aspects: the complex relationship among multiple domains of context, the sparsity of mobility records, and difficulties in balancing personal preference and crowd preference. To address these challenges, we propose CAP, a context-aware personalized semantic annotation model, where we use a Bayesian mixture model to model the complex relationship among five domains of context—location, time, POI category, personal preference, and crowd preference. We evaluate our model on two real-world datasets, and demonstrate that our proposed method significantly outperforms the state-of-the-art algorithms by over 11.8%.
移动设备的广泛采用为我们提供了大量的人类移动记录。然而,这些记录的很大一部分是未标记的,也就是说,只有GPS坐标而没有语义信息(例如,兴趣点(POI))。为了使这些未标记的记录与进一步应用程序的更多信息相关联,使用基于外部上下文的poi信息注释原始数据非常重要。然而,由于多上下文域之间的复杂关系、移动记录的稀疏性以及难以平衡个人偏好和群体偏好,移动记录的语义标注具有一定的挑战性。为了解决这些挑战,我们提出了CAP,一个上下文感知的个性化语义注释模型,其中我们使用贝叶斯混合模型来建模上下文位置、时间、POI类别、个人偏好和人群偏好五个领域之间的复杂关系。我们在两个真实世界的数据集上评估了我们的模型,并证明我们提出的方法显着优于最先进的算法超过11.8%。
{"title":"Context-Aware Semantic Annotation of Mobility Records","authors":"Huandong Wang, Yong Li, Junjie Lin, Hancheng Cao, Depeng Jin","doi":"10.1145/3477048","DOIUrl":"https://doi.org/10.1145/3477048","url":null,"abstract":"The wide adoption of mobile devices has provided us with a massive volume of human mobility records. However, a large portion of these records is unlabeled, i.e., only have GPS coordinates without semantic information (e.g., Point of Interest (POI)). To make those unlabeled records associate with more information for further applications, it is of great importance to annotate the original data with POIs information based on the external context. Nevertheless, semantic annotation of mobility records is challenging due to three aspects: the complex relationship among multiple domains of context, the sparsity of mobility records, and difficulties in balancing personal preference and crowd preference. To address these challenges, we propose CAP, a context-aware personalized semantic annotation model, where we use a Bayesian mixture model to model the complex relationship among five domains of context—location, time, POI category, personal preference, and crowd preference. We evaluate our model on two real-world datasets, and demonstrate that our proposed method significantly outperforms the state-of-the-art algorithms by over 11.8%.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"11 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-10-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122680907","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}
引用次数: 0
Network Embedding via Motifs 基于motif的网络嵌入
Pub Date : 2021-10-22 DOI: 10.1145/3473911
Ping Shao, Yang Yang, Shengyao Xu, Chunping Wang
Network embedding has emerged as an effective way to deal with downstream tasks, such as node classification [16, 31, 42]. Most existing methods leverage multi-similarities between nodes such as connectivity, which considers vertices that are closely connected to be similar and structural similarity, which is measured by assessing their relations to neighbors; while these methods only focus on static graphs. In this work, we bridge connectivity and structural similarity in a uniform representation via motifs, and consequently present an algorithm for Learning Embeddings by leveraging Motifs Of Networks (LEMON), which aims to learn embeddings for vertices and various motifs. Moreover, LEMON is inherently capable of dealing with inductive learning tasks for dynamic graphs. To validate the effectiveness and efficiency, we conduct various experiments on two real-world datasets and five public datasets from diverse domains. Through comparison with state-of-the-art baseline models, we find that LEMON achieves significant improvements in downstream tasks. We release our code on Github at https://github.com/larry2020626/LEMON.
网络嵌入已经成为处理下游任务的有效方法,如节点分类[16,31,42]。大多数现有方法利用节点之间的多重相似性,如连通性,它认为紧密连接的顶点是相似的和结构相似性,这是通过评估它们与邻居的关系来衡量的;而这些方法只关注静态图形。在这项工作中,我们通过motif在统一表示中架起连接和结构相似性的桥梁,并因此提出了一种利用motifs Of Networks (LEMON)学习嵌入的算法,该算法旨在学习顶点和各种motif的嵌入。此外,LEMON天生就有能力处理动态图的归纳学习任务。为了验证有效性和效率,我们在两个真实数据集和五个来自不同领域的公共数据集上进行了各种实验。通过与最先进的基线模型的比较,我们发现LEMON在下游任务中取得了显著的改进。我们在Github上发布代码:https://github.com/larry2020626/LEMON。
{"title":"Network Embedding via Motifs","authors":"Ping Shao, Yang Yang, Shengyao Xu, Chunping Wang","doi":"10.1145/3473911","DOIUrl":"https://doi.org/10.1145/3473911","url":null,"abstract":"Network embedding has emerged as an effective way to deal with downstream tasks, such as node classification [16, 31, 42]. Most existing methods leverage multi-similarities between nodes such as connectivity, which considers vertices that are closely connected to be similar and structural similarity, which is measured by assessing their relations to neighbors; while these methods only focus on static graphs. In this work, we bridge connectivity and structural similarity in a uniform representation via motifs, and consequently present an algorithm for Learning Embeddings by leveraging Motifs Of Networks (LEMON), which aims to learn embeddings for vertices and various motifs. Moreover, LEMON is inherently capable of dealing with inductive learning tasks for dynamic graphs. To validate the effectiveness and efficiency, we conduct various experiments on two real-world datasets and five public datasets from diverse domains. Through comparison with state-of-the-art baseline models, we find that LEMON achieves significant improvements in downstream tasks. We release our code on Github at https://github.com/larry2020626/LEMON.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"16 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-10-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"128965582","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}
引用次数: 9
Knowledge Distillation with Attention for Deep Transfer Learning of Convolutional Networks 关注卷积网络深度迁移学习的知识蒸馏
Pub Date : 2021-10-22 DOI: 10.1145/3473912
Xingjian Li, H. Xiong, Zeyu Chen, Jun Huan, Ji Liu, Chengzhong Xu, D. Dou
Transfer learning through fine-tuning a pre-trained neural network with an extremely large dataset, such as ImageNet, can significantly improve and accelerate training while the accuracy is frequently bottlenecked by the limited dataset size of the new target task. To solve the problem, some regularization methods, constraining the outer layer weights of the target network using the starting point as references (SPAR), have been studied. In this article, we propose a novel regularized transfer learning framework operatorname{DELTA} , namely DEep Learning Transfer using Feature Map with Attention. Instead of constraining the weights of neural network, operatorname{DELTA} aims at preserving the outer layer outputs of the source network. Specifically, in addition to minimizing the empirical loss, operatorname{DELTA} aligns the outer layer outputs of two networks, through constraining a subset of feature maps that are precisely selected by attention that has been learned in a supervised learning manner. We evaluate operatorname{DELTA} with the state-of-the-art algorithms, including L^2 and emph {L}^2text{-}SP . The experiment results show that our method outperforms these baselines with higher accuracy for new tasks. Code has been made publicly available.1
迁移学习通过对具有超大数据集(如ImageNet)的预训练神经网络进行微调,可以显著提高和加快训练速度,但由于新目标任务的数据集大小有限,迁移学习的准确性经常受到瓶颈。为了解决这一问题,研究了以起始点为参考约束目标网络外层权值的正则化方法。在本文中,我们提出了一个新的正则化迁移学习框架operatorname{DELTA},即使用Feature Map with Attention的深度学习迁移。operatorname{DELTA}的目的是保留源网络的外层输出,而不是约束神经网络的权重。具体来说,除了最小化经验损失之外,operatorname{DELTA}通过约束特征映射的子集来对齐两个网络的外层输出,这些特征映射是由以监督学习的方式学习的注意力精确选择的。我们使用最先进的算法评估operatorname{DELTA},包括L^2和emph {L}^2text{-}SP。实验结果表明,对于新任务,我们的方法具有更高的准确率。代码已经公开发布
{"title":"Knowledge Distillation with Attention for Deep Transfer Learning of Convolutional Networks","authors":"Xingjian Li, H. Xiong, Zeyu Chen, Jun Huan, Ji Liu, Chengzhong Xu, D. Dou","doi":"10.1145/3473912","DOIUrl":"https://doi.org/10.1145/3473912","url":null,"abstract":"Transfer learning through fine-tuning a pre-trained neural network with an extremely large dataset, such as ImageNet, can significantly improve and accelerate training while the accuracy is frequently bottlenecked by the limited dataset size of the new target task. To solve the problem, some regularization methods, constraining the outer layer weights of the target network using the starting point as references (SPAR), have been studied. In this article, we propose a novel regularized transfer learning framework operatorname{DELTA} , namely DEep Learning Transfer using Feature Map with Attention. Instead of constraining the weights of neural network, operatorname{DELTA} aims at preserving the outer layer outputs of the source network. Specifically, in addition to minimizing the empirical loss, operatorname{DELTA} aligns the outer layer outputs of two networks, through constraining a subset of feature maps that are precisely selected by attention that has been learned in a supervised learning manner. We evaluate operatorname{DELTA} with the state-of-the-art algorithms, including L^2 and emph {L}^2text{-}SP . The experiment results show that our method outperforms these baselines with higher accuracy for new tasks. Code has been made publicly available.1","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"134 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-10-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131426975","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
Spatio-Temporal Event Forecasting Using Incremental Multi-Source Feature Learning 基于增量多源特征学习的时空事件预测
Pub Date : 2021-09-13 DOI: 10.1145/3464976
Liang Zhao, Yuyang Gao, Jieping Ye, Feng Chen, Yanfang Ye, Chang-Tien Lu, Naren Ramakrishnan
The forecasting of significant societal events such as civil unrest and economic crisis is an interesting and challenging problem which requires both timeliness, precision, and comprehensiveness. Significant societal events are influenced and indicated jointly by multiple aspects of a society, including its economics, politics, and culture. Traditional forecasting methods based on a single data source find it hard to cover all these aspects comprehensively, thus limiting model performance. Multi-source event forecasting has proven promising but still suffers from several challenges, including (1) geographical hierarchies in multi-source data features, (2) hierarchical missing values, (3) characterization of structured feature sparsity, and (4) difficulty in model’s online update with incomplete multiple sources. This article proposes a novel feature learning model that concurrently addresses all the above challenges. Specifically, given multi-source data from different geographical levels, we design a new forecasting model by characterizing the lower-level features’ dependence on higher-level features. To handle the correlations amidst structured feature sets and deal with missing values among the coupled features, we propose a novel feature learning model based on an Nth-order strong hierarchy and fused-overlapping group Lasso. An efficient algorithm is developed to optimize model parameters and ensure global optima. More importantly, to enable the model update in real time, the online learning algorithm is formulated and active set techniques are leveraged to resolve the crucial challenge when new patterns of missing features appear in real time. Extensive experiments on 10 datasets in different domains demonstrate the effectiveness and efficiency of the proposed models.
社会动荡和经济危机等重大社会事件的预测是一个既有趣又具有挑战性的问题,它要求及时性、准确性和全面性。重大的社会事件是由一个社会的多个方面共同影响和指示的,包括经济、政治和文化。传统的基于单一数据源的预测方法难以全面覆盖这些方面,从而限制了模型的性能。多源事件预测已被证明是一种很有前景的预测方法,但仍面临一些挑战,包括:(1)多源数据特征的地理层次,(2)分层缺失值,(3)结构化特征稀疏度的表征,以及(4)多源不完整时模型在线更新的困难。本文提出了一种新的特征学习模型,可以同时解决上述所有挑战。具体而言,在不同地理层次的多源数据基础上,通过刻画低层次特征对高层次特征的依赖关系,设计了一种新的预测模型。为了处理结构化特征集之间的相关性和耦合特征之间的缺失值,我们提出了一种基于n阶强层次结构和融合重叠组Lasso的特征学习模型。提出了一种高效的模型参数优化算法,保证了模型的全局最优。更重要的是,为了实现模型的实时更新,我们制定了在线学习算法,并利用主动集技术来解决实时出现缺失特征的新模式时的关键挑战。在不同领域的10个数据集上进行的大量实验证明了所提出模型的有效性和效率。
{"title":"Spatio-Temporal Event Forecasting Using Incremental Multi-Source Feature Learning","authors":"Liang Zhao, Yuyang Gao, Jieping Ye, Feng Chen, Yanfang Ye, Chang-Tien Lu, Naren Ramakrishnan","doi":"10.1145/3464976","DOIUrl":"https://doi.org/10.1145/3464976","url":null,"abstract":"The forecasting of significant societal events such as civil unrest and economic crisis is an interesting and challenging problem which requires both timeliness, precision, and comprehensiveness. Significant societal events are influenced and indicated jointly by multiple aspects of a society, including its economics, politics, and culture. Traditional forecasting methods based on a single data source find it hard to cover all these aspects comprehensively, thus limiting model performance. Multi-source event forecasting has proven promising but still suffers from several challenges, including (1) geographical hierarchies in multi-source data features, (2) hierarchical missing values, (3) characterization of structured feature sparsity, and (4) difficulty in model’s online update with incomplete multiple sources. This article proposes a novel feature learning model that concurrently addresses all the above challenges. Specifically, given multi-source data from different geographical levels, we design a new forecasting model by characterizing the lower-level features’ dependence on higher-level features. To handle the correlations amidst structured feature sets and deal with missing values among the coupled features, we propose a novel feature learning model based on an Nth-order strong hierarchy and fused-overlapping group Lasso. An efficient algorithm is developed to optimize model parameters and ensure global optima. More importantly, to enable the model update in real time, the online learning algorithm is formulated and active set techniques are leveraged to resolve the crucial challenge when new patterns of missing features appear in real time. Extensive experiments on 10 datasets in different domains demonstrate the effectiveness and efficiency of the proposed models.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"27 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-09-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"128476583","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}
引用次数: 9
Learning Sentence-to-Hashtags Semantic Mapping for Hashtag Recommendation on Microblogs 基于微博话题标签推荐的句子到话题标签语义映射学习
Pub Date : 2021-09-04 DOI: 10.1145/3466876
Riccardo Cantini, F. Marozzo, Giovanni Bruno, Paolo Trunfio
The growing use of microblogging platforms is generating a huge amount of posts that need effective methods to be classified and searched. In Twitter and other social media platforms, hashtags are exploited by users to facilitate the search, categorization, and spread of posts. Choosing the appropriate hashtags for a post is not always easy for users, and therefore posts are often published without hashtags or with hashtags not well defined. To deal with this issue, we propose a new model, called HASHET (HAshtag recommendation using Sentence-to-Hashtag Embedding Translation), aimed at suggesting a relevant set of hashtags for a given post. HASHET is based on two independent latent spaces for embedding the text of a post and the hashtags it contains. A mapping process based on a multi-layer perceptron is then used for learning a translation from the semantic features of the text to the latent representation of its hashtags. We evaluated the effectiveness of two language representation models for sentence embedding and tested different search strategies for semantic expansion, finding out that the combined use of BERT (Bidirectional Encoder Representation from Transformer) and a global expansion strategy leads to the best recommendation results. HASHET has been evaluated on two real-world case studies related to the 2016 United States presidential election and COVID-19 pandemic. The results reveal the effectiveness of HASHET in predicting one or more correct hashtags, with an average F-score up to 0.82 and a recommendation hit-rate up to 0.92. Our approach has been compared to the most relevant techniques used in the literature (generative models, unsupervised models, and attention-based supervised models) by achieving up to 15% improvement in F-score for the hashtag recommendation task and 9% for the topic discovery task.
微博平台的使用越来越多,产生了大量的帖子,需要有效的方法来分类和搜索。在Twitter和其他社交媒体平台上,用户利用标签来促进帖子的搜索、分类和传播。对于用户来说,为帖子选择合适的标签并不总是那么容易,因此发布的帖子通常没有标签,或者标签定义不明确。为了解决这个问题,我们提出了一个新的模型,称为HASHET (HAshtag recommendation using Sentence-to-Hashtag Embedding Translation),旨在为给定的帖子推荐一组相关的HAshtag。HASHET基于两个独立的潜在空间,用于嵌入帖子的文本及其包含的标签。然后使用基于多层感知器的映射过程来学习从文本的语义特征到其标签的潜在表示的翻译。我们评估了两种语言表示模型用于句子嵌入的有效性,并测试了不同的语义扩展搜索策略,发现BERT (Bidirectional Encoder representation from Transformer)和全局扩展策略的结合使用可以获得最佳的推荐结果。HASHET在与2016年美国总统大选和COVID-19大流行有关的两个现实案例研究中进行了评估。结果显示HASHET在预测一个或多个正确标签方面的有效性,平均f值高达0.82,推荐命中率高达0.92。我们的方法已经与文献中使用的最相关的技术(生成模型,无监督模型和基于注意力的监督模型)进行了比较,在标签推荐任务中实现了高达15%的f分数提高,在主题发现任务中实现了9%的f分数提高。
{"title":"Learning Sentence-to-Hashtags Semantic Mapping for Hashtag Recommendation on Microblogs","authors":"Riccardo Cantini, F. Marozzo, Giovanni Bruno, Paolo Trunfio","doi":"10.1145/3466876","DOIUrl":"https://doi.org/10.1145/3466876","url":null,"abstract":"The growing use of microblogging platforms is generating a huge amount of posts that need effective methods to be classified and searched. In Twitter and other social media platforms, hashtags are exploited by users to facilitate the search, categorization, and spread of posts. Choosing the appropriate hashtags for a post is not always easy for users, and therefore posts are often published without hashtags or with hashtags not well defined. To deal with this issue, we propose a new model, called HASHET (HAshtag recommendation using Sentence-to-Hashtag Embedding Translation), aimed at suggesting a relevant set of hashtags for a given post. HASHET is based on two independent latent spaces for embedding the text of a post and the hashtags it contains. A mapping process based on a multi-layer perceptron is then used for learning a translation from the semantic features of the text to the latent representation of its hashtags. We evaluated the effectiveness of two language representation models for sentence embedding and tested different search strategies for semantic expansion, finding out that the combined use of BERT (Bidirectional Encoder Representation from Transformer) and a global expansion strategy leads to the best recommendation results. HASHET has been evaluated on two real-world case studies related to the 2016 United States presidential election and COVID-19 pandemic. The results reveal the effectiveness of HASHET in predicting one or more correct hashtags, with an average F-score up to 0.82 and a recommendation hit-rate up to 0.92. Our approach has been compared to the most relevant techniques used in the literature (generative models, unsupervised models, and attention-based supervised models) by achieving up to 15% improvement in F-score for the hashtag recommendation task and 9% for the topic discovery task.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"24 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-09-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121736247","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
Embedding Heterogeneous Information Network in Hyperbolic Spaces 在双曲空间中嵌入异构信息网络
Pub Date : 2021-09-04 DOI: 10.1145/3468674
Yiding Zhang, Xiao Wang, Nian Liu, C. Shi
Heterogeneous information network (HIN) embedding, aiming to project HIN into a low-dimensional space, has attracted considerable research attention. Most of the existing HIN embedding methods focus on preserving the inherent network structure and semantic correlations in Euclidean spaces. However, one fundamental problem is whether the Euclidean spaces are the intrinsic spaces of HIN? Recent researches find the complex network with hyperbolic geometry can naturally reflect some properties, e.g., hierarchical and power-law structure. In this article, we make an effort toward embedding HIN in hyperbolic spaces. We analyze the structures of three HINs and discover some properties, e.g., the power-law distribution, also exist in HINs. Therefore, we propose a novel HIN embedding model HHNE. Specifically, to capture the structure and semantic relations between nodes, HHNE employs the meta-path guided random walk to sample the sequences for each node. Then HHNE exploits the hyperbolic distance as the proximity measurement. We also derive an effective optimization strategy to update the hyperbolic embeddings iteratively. Since HHNE optimizes different relations in a single space, we further propose the extended model HHNE++. HHNE++ models different relations in different spaces, which enables it to learn complex interactions in HINs. The optimization strategy of HHNE++ is also derived to update the parameters of HHNE++ in a principle manner. The experimental results demonstrate the effectiveness of our proposed models.
异构信息网络嵌入是将异构信息网络投射到低维空间的一种研究方法。现有的HIN嵌入方法大多侧重于保留欧几里德空间中固有的网络结构和语义相关性。然而,一个基本的问题是欧几里德空间是否是HIN的本征空间?近年来的研究发现,具有双曲几何结构的复杂网络可以很自然地反映出一些特性,如层次结构和幂律结构。在本文中,我们尝试在双曲空间中嵌入HIN。我们分析了三种HINs的结构,发现HINs也存在幂律分布等性质。为此,我们提出了一种新的HIN嵌入模型HHNE。具体来说,为了捕获节点之间的结构和语义关系,HHNE采用元路径引导随机漫步对每个节点的序列进行采样。然后利用双曲距离作为接近度量。我们还推导了一种有效的迭代更新双曲嵌入的优化策略。由于HHNE对单个空间中的不同关系进行了优化,我们进一步提出了扩展模型HHNE++。HHNE++在不同的空间中建模不同的关系,使其能够学习HINs中复杂的交互。推导了HHNE++的优化策略,对HHNE++的参数进行了原则性的更新。实验结果证明了所提模型的有效性。
{"title":"Embedding Heterogeneous Information Network in Hyperbolic Spaces","authors":"Yiding Zhang, Xiao Wang, Nian Liu, C. Shi","doi":"10.1145/3468674","DOIUrl":"https://doi.org/10.1145/3468674","url":null,"abstract":"Heterogeneous information network (HIN) embedding, aiming to project HIN into a low-dimensional space, has attracted considerable research attention. Most of the existing HIN embedding methods focus on preserving the inherent network structure and semantic correlations in Euclidean spaces. However, one fundamental problem is whether the Euclidean spaces are the intrinsic spaces of HIN? Recent researches find the complex network with hyperbolic geometry can naturally reflect some properties, e.g., hierarchical and power-law structure. In this article, we make an effort toward embedding HIN in hyperbolic spaces. We analyze the structures of three HINs and discover some properties, e.g., the power-law distribution, also exist in HINs. Therefore, we propose a novel HIN embedding model HHNE. Specifically, to capture the structure and semantic relations between nodes, HHNE employs the meta-path guided random walk to sample the sequences for each node. Then HHNE exploits the hyperbolic distance as the proximity measurement. We also derive an effective optimization strategy to update the hyperbolic embeddings iteratively. Since HHNE optimizes different relations in a single space, we further propose the extended model HHNE++. HHNE++ models different relations in different spaces, which enables it to learn complex interactions in HINs. The optimization strategy of HHNE++ is also derived to update the parameters of HHNE++ in a principle manner. The experimental results demonstrate the effectiveness of our proposed models.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"35 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-09-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133826485","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}
引用次数: 3
Con&Net: A Cross-Network Anchor Link Discovery Method Based on Embedding Representation Con&Net:基于嵌入表示的跨网络锚链接发现方法
Pub Date : 2021-09-04 DOI: 10.1145/3469083
Xueyuan Wang, Hongpo Zhang, Zongmin Wang, Yaqiong Qiao, Jiangtao Ma, Honghua Dai
Cross-network anchor link discovery is an important research problem and has many applications in heterogeneous social network. Existing schemes of cross-network anchor link discovery can provide reasonable link discovery results, but the quality of these results depends on the features of the platform. Therefore, there is no theoretical guarantee to the stability. This article employs user embedding feature to model the relationship between cross-platform accounts, that is, the more similar the user embedding features are, the more similar the two accounts are. The similarity of user embedding features is determined by the distance of the user features in the latent space. Based on the user embedding features, this article proposes an embedding representation-based method Con&Net(Content and Network) to solve cross-network anchor link discovery problem. Con&Net combines the user’s profile features, user-generated content (UGC) features, and user’s social structure features to measure the similarity of two user accounts. Con&Net first trains the user’s profile features to get profile embedding. Then it trains the network structure of the nodes to get structure embedding. It connects the two features through vector concatenating, and calculates the cosine similarity of the vector based on the embedding vector. This cosine similarity is used to measure the similarity of the user accounts. Finally, Con&Net predicts the link based on similarity for account pairs across the two networks. A large number of experiments in Sina Weibo and Twitter networks show that the proposed method Con&Net is better than state-of-the-art method. The area under the curve (AUC) value of the receiver operating characteristic (ROC) curve predicted by the anchor link is 11% higher than the baseline method, and Precision@30 is 25% higher than the baseline method.
跨网络锚链接发现是一个重要的研究问题,在异构社会网络中有着广泛的应用。现有的跨网锚点链接发现方案可以提供合理的链接发现结果,但这些结果的质量取决于平台的特点。因此,对其稳定性没有理论上的保证。本文采用用户嵌入特征对跨平台账号之间的关系进行建模,即用户嵌入特征越相似,两个账号越相似。用户嵌入特征的相似度由用户特征在潜在空间中的距离决定。本文基于用户嵌入的特点,提出了一种基于嵌入表示的方法Con&Net(Content and Network)来解决跨网络锚链接发现问题。Con&Net结合用户的个人资料特征、用户生成内容(UGC)特征和用户的社会结构特征来衡量两个用户账户的相似性。Con&Net首先训练用户的配置文件特征以获得配置文件嵌入。然后对节点的网络结构进行训练,得到结构嵌入。它通过向量拼接将两个特征连接起来,并基于嵌入向量计算向量的余弦相似度。余弦相似度用于度量用户帐户的相似度。最后,Con&Net根据两个网络上帐户对的相似性预测链接。在新浪微博和Twitter网络上进行的大量实验表明,本文提出的方法Con&Net优于现有的方法。锚链预测的受试者工作特征(ROC)曲线下面积(AUC)值比基线法高11%,Precision@30比基线法高25%。
{"title":"Con&Net: A Cross-Network Anchor Link Discovery Method Based on Embedding Representation","authors":"Xueyuan Wang, Hongpo Zhang, Zongmin Wang, Yaqiong Qiao, Jiangtao Ma, Honghua Dai","doi":"10.1145/3469083","DOIUrl":"https://doi.org/10.1145/3469083","url":null,"abstract":"Cross-network anchor link discovery is an important research problem and has many applications in heterogeneous social network. Existing schemes of cross-network anchor link discovery can provide reasonable link discovery results, but the quality of these results depends on the features of the platform. Therefore, there is no theoretical guarantee to the stability. This article employs user embedding feature to model the relationship between cross-platform accounts, that is, the more similar the user embedding features are, the more similar the two accounts are. The similarity of user embedding features is determined by the distance of the user features in the latent space. Based on the user embedding features, this article proposes an embedding representation-based method Con&Net(Content and Network) to solve cross-network anchor link discovery problem. Con&Net combines the user’s profile features, user-generated content (UGC) features, and user’s social structure features to measure the similarity of two user accounts. Con&Net first trains the user’s profile features to get profile embedding. Then it trains the network structure of the nodes to get structure embedding. It connects the two features through vector concatenating, and calculates the cosine similarity of the vector based on the embedding vector. This cosine similarity is used to measure the similarity of the user accounts. Finally, Con&Net predicts the link based on similarity for account pairs across the two networks. A large number of experiments in Sina Weibo and Twitter networks show that the proposed method Con&Net is better than state-of-the-art method. The area under the curve (AUC) value of the receiver operating characteristic (ROC) curve predicted by the anchor link is 11% higher than the baseline method, and Precision@30 is 25% higher than the baseline method.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"135 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-09-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133239394","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}
引用次数: 3
KRAN: Knowledge Refining Attention Network for Recommendation KRAN:面向推荐的知识精炼注意力网络
Pub Date : 2021-09-04 DOI: 10.1145/3470783
Zhenyu Zhang, Lei Zhang, Dingqi Yang, Liu Yang
Recommender algorithms combining knowledge graph and graph convolutional network are becoming more and more popular recently. Specifically, attributes describing the items to be recommended are often used as additional information. These attributes along with items are highly interconnected, intrinsically forming a Knowledge Graph (KG). These algorithms use KGs as an auxiliary data source to alleviate the negative impact of data sparsity. However, these graph convolutional network based algorithms do not distinguish the importance of different neighbors of entities in the KG, and according to Pareto’s principle, the important neighbors only account for a small proportion. These traditional algorithms can not fully mine the useful information in the KG. To fully release the power of KGs for building recommender systems, we propose in this article KRAN, a Knowledge Refining Attention Network, which can subtly capture the characteristics of the KG and thus boost recommendation performance. We first introduce a traditional attention mechanism into the KG processing, making the knowledge extraction more targeted, and then propose a refining mechanism to improve the traditional attention mechanism to extract the knowledge in the KG more effectively. More precisely, KRAN is designed to use our proposed knowledge-refining attention mechanism to aggregate and obtain the representations of the entities (both attributes and items) in the KG. Our knowledge-refining attention mechanism first measures the relevance between an entity and it’s neighbors in the KG by attention coefficients, and then further refines the attention coefficients using a “richer-get-richer” principle, in order to focus on highly relevant neighbors while eliminating less relevant neighbors for noise reduction. In addition, for the item cold start problem, we propose KRAN-CD, a variant of KRAN, which further incorporates pre-trained KG embeddings to handle cold start items. Experiments show that KRAN and KRAN-CD consistently outperform state-of-the-art baselines across different settings.
结合知识图和图卷积网络的推荐算法是近年来越来越流行的一种算法。具体来说,描述要推荐的项目的属性通常用作附加信息。这些属性和项目是高度相互联系的,本质上形成了一个知识图(KG)。这些算法使用KGs作为辅助数据源,以减轻数据稀疏性的负面影响。然而,这些基于图卷积网络的算法并没有区分KG中实体不同邻居的重要性,根据帕累托原理,重要邻居只占很小的比例。这些传统的算法不能充分挖掘千克中的有用信息。为了充分释放KG在构建推荐系统中的力量,我们在本文中提出了KRAN,一个知识精炼注意力网络,它可以巧妙地捕捉KG的特征,从而提高推荐性能。我们首先将传统的注意机制引入到KG处理中,使知识提取更具针对性,然后提出一种精炼机制来改进传统的注意机制,从而更有效地提取KG中的知识。更准确地说,KRAN被设计成使用我们提出的知识精炼关注机制来聚合和获取KG中实体(属性和项)的表示。我们的知识精炼注意机制首先通过注意系数度量一个实体与其在KG中的邻居之间的相关性,然后使用“越富越富”的原则进一步精炼注意系数,以便关注高度相关的邻居,同时消除不相关的邻居以降低噪声。此外,对于项目冷启动问题,我们提出了KRAN- cd,这是KRAN的一种变体,它进一步融合了预训练的KG嵌入来处理冷启动项目。实验表明,KRAN和KRAN- cd在不同的设置下始终优于最先进的基线。
{"title":"KRAN: Knowledge Refining Attention Network for Recommendation","authors":"Zhenyu Zhang, Lei Zhang, Dingqi Yang, Liu Yang","doi":"10.1145/3470783","DOIUrl":"https://doi.org/10.1145/3470783","url":null,"abstract":"Recommender algorithms combining knowledge graph and graph convolutional network are becoming more and more popular recently. Specifically, attributes describing the items to be recommended are often used as additional information. These attributes along with items are highly interconnected, intrinsically forming a Knowledge Graph (KG). These algorithms use KGs as an auxiliary data source to alleviate the negative impact of data sparsity. However, these graph convolutional network based algorithms do not distinguish the importance of different neighbors of entities in the KG, and according to Pareto’s principle, the important neighbors only account for a small proportion. These traditional algorithms can not fully mine the useful information in the KG. To fully release the power of KGs for building recommender systems, we propose in this article KRAN, a Knowledge Refining Attention Network, which can subtly capture the characteristics of the KG and thus boost recommendation performance. We first introduce a traditional attention mechanism into the KG processing, making the knowledge extraction more targeted, and then propose a refining mechanism to improve the traditional attention mechanism to extract the knowledge in the KG more effectively. More precisely, KRAN is designed to use our proposed knowledge-refining attention mechanism to aggregate and obtain the representations of the entities (both attributes and items) in the KG. Our knowledge-refining attention mechanism first measures the relevance between an entity and it’s neighbors in the KG by attention coefficients, and then further refines the attention coefficients using a “richer-get-richer” principle, in order to focus on highly relevant neighbors while eliminating less relevant neighbors for noise reduction. In addition, for the item cold start problem, we propose KRAN-CD, a variant of KRAN, which further incorporates pre-trained KG embeddings to handle cold start items. Experiments show that KRAN and KRAN-CD consistently outperform state-of-the-art baselines across different settings.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"54 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-09-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122825776","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}
引用次数: 9
Wealth Flow Model: Online Portfolio Selection Based on Learning Wealth Flow Matrices 财富流动模型:基于学习财富流动矩阵的在线投资组合选择
Pub Date : 2021-09-04 DOI: 10.1145/3464308
Jianfei Yin, Ruili Wang, Yeqing Guo, Yizhe Bai, Shunda Ju, Weili Liu, J. Huang
This article proposes a deep learning solution to the online portfolio selection problem based on learning a latent structure directly from a price time series. It introduces a novel wealth flow matrix for representing a latent structure that has special regular conditions to encode the knowledge about the relative strengths of assets in portfolios. Therefore, a wealth flow model (WFM) is proposed to learn wealth flow matrices and maximize portfolio wealth simultaneously. Compared with existing approaches, our work has several distinctive benefits: (1) the learning of wealth flow matrices makes our model more generalizable than models that only predict wealth proportion vectors, and (2) the exploitation of wealth flow matrices and the exploration of wealth growth are integrated into our deep reinforcement algorithm for the WFM. These benefits, in combination, lead to a highly-effective approach for generating reasonable investment behavior, including short-term trend following, the following of a few losers, no self-investment, and sparse portfolios. Extensive experiments on five benchmark datasets from real-world stock markets confirm the theoretical advantage of the WFM, which achieves the Pareto improvements in terms of multiple performance indicators and the steady growth of wealth over the state-of-the-art algorithms.
本文提出了一种基于直接从价格时间序列中学习潜在结构的在线投资组合问题的深度学习解决方案。它引入了一种新的财富流动矩阵,用于表示具有特殊规则条件的潜在结构,以编码有关投资组合中资产相对优势的知识。为此,提出了一种财富流动模型(WFM)来学习财富流动矩阵,同时实现投资组合财富最大化。与现有方法相比,我们的工作有几个显著的优点:(1)财富流矩阵的学习使我们的模型比仅预测财富比例向量的模型更具泛化性;(2)财富流矩阵的开发和财富增长的探索被集成到我们的WFM深度强化算法中。这些好处结合起来,形成了一种非常有效的方法,可以产生合理的投资行为,包括短期趋势跟随、少数输家跟随、不自我投资和稀疏的投资组合。在现实世界股票市场的五个基准数据集上进行的广泛实验证实了WFM的理论优势,它在多个绩效指标和财富稳定增长方面实现了帕累托改进,优于最先进的算法。
{"title":"Wealth Flow Model: Online Portfolio Selection Based on Learning Wealth Flow Matrices","authors":"Jianfei Yin, Ruili Wang, Yeqing Guo, Yizhe Bai, Shunda Ju, Weili Liu, J. Huang","doi":"10.1145/3464308","DOIUrl":"https://doi.org/10.1145/3464308","url":null,"abstract":"This article proposes a deep learning solution to the online portfolio selection problem based on learning a latent structure directly from a price time series. It introduces a novel wealth flow matrix for representing a latent structure that has special regular conditions to encode the knowledge about the relative strengths of assets in portfolios. Therefore, a wealth flow model (WFM) is proposed to learn wealth flow matrices and maximize portfolio wealth simultaneously. Compared with existing approaches, our work has several distinctive benefits: (1) the learning of wealth flow matrices makes our model more generalizable than models that only predict wealth proportion vectors, and (2) the exploitation of wealth flow matrices and the exploration of wealth growth are integrated into our deep reinforcement algorithm for the WFM. These benefits, in combination, lead to a highly-effective approach for generating reasonable investment behavior, including short-term trend following, the following of a few losers, no self-investment, and sparse portfolios. Extensive experiments on five benchmark datasets from real-world stock markets confirm the theoretical advantage of the WFM, which achieves the Pareto improvements in terms of multiple performance indicators and the steady growth of wealth over the state-of-the-art algorithms.","PeriodicalId":435653,"journal":{"name":"ACM Transactions on Knowledge Discovery from Data (TKDD)","volume":"15 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-09-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115736463","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 Knowledge Discovery from Data (TKDD)
全部 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