首页 > 最新文献

Computer Supported Cooperative Work-The Journal of Collaborative Computing最新文献

英文 中文
RS-TTS: A Novel Joint Entity and Relation Extraction Model RS-TTS:一种新的联合实体和关系抽取模型
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152749
Jialu Zhang, Xingguo Jiang, Yan Sun, Hong Luo
Joint extraction of entity and relation is a basic task in the field of natural language processing. Existing methods have achieved good result, but there are still some limitations, such as span-based extraction cannot solve overlapping problems well, and redundant relation calculation leads to many invalid operations. To solve these problems, we propose a novel RelationSpecific Triple Tagging and Scoring Model (RS-TTS) for the joint extraction of entity and relation. Specifically, the model is composed of three parts: we use a relation judgment module to predict all potential relations to prevent computational redundancy; then a boundary smoothing mechanism is introduced to the entity pair extraction, which reallocates the probability of the ground truth entity to its surrounding tokens, thus preventing the model from being overconfident; finally, an efficient tagging and scoring strategy is used to decode entity. Extensive experiments show that our model performs better than the state-of-the-art baseline on the public benchmark dataset. F1-scores on the four datasets are improved, especially on WebNLG and WebNLG∗, which are improved by 1.7 and 1.1 respectively.
实体和关系的联合抽取是自然语言处理领域的一项基本任务。现有方法取得了较好的效果,但仍存在一些局限性,如基于跨度的提取不能很好地解决重叠问题,冗余的关系计算导致许多无效操作。为了解决这些问题,我们提出了一种新的关系特定三重标记和评分模型(RS-TTS),用于实体和关系的联合抽取。具体来说,该模型由三部分组成:我们使用关系判断模块来预测所有潜在的关系,以防止计算冗余;然后在实体对提取中引入边界平滑机制,将真实实体的概率重新分配给其周围的令牌,从而防止模型过于自信;最后,采用有效的标注和评分策略对实体进行解码。大量的实验表明,我们的模型在公共基准数据集上的性能优于最先进的基线。四个数据集的f1分数均有提高,尤其是WebNLG和WebNLG *,分别提高了1.7和1.1。
{"title":"RS-TTS: A Novel Joint Entity and Relation Extraction Model","authors":"Jialu Zhang, Xingguo Jiang, Yan Sun, Hong Luo","doi":"10.1109/CSCWD57460.2023.10152749","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152749","url":null,"abstract":"Joint extraction of entity and relation is a basic task in the field of natural language processing. Existing methods have achieved good result, but there are still some limitations, such as span-based extraction cannot solve overlapping problems well, and redundant relation calculation leads to many invalid operations. To solve these problems, we propose a novel RelationSpecific Triple Tagging and Scoring Model (RS-TTS) for the joint extraction of entity and relation. Specifically, the model is composed of three parts: we use a relation judgment module to predict all potential relations to prevent computational redundancy; then a boundary smoothing mechanism is introduced to the entity pair extraction, which reallocates the probability of the ground truth entity to its surrounding tokens, thus preventing the model from being overconfident; finally, an efficient tagging and scoring strategy is used to decode entity. Extensive experiments show that our model performs better than the state-of-the-art baseline on the public benchmark dataset. F1-scores on the four datasets are improved, especially on WebNLG and WebNLG∗, which are improved by 1.7 and 1.1 respectively.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"33 1","pages":"71-76"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"85081939","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Discriminative Feature Focus via Masked Autoencoder for Zero-Shot Learning 基于遮罩自编码器的判别特征聚焦零拍摄学习
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152773
JingQi Yang, Cheng Xie, Peng Tang
Zero-shot learning (ZSL) is an important research area in computer-supported cooperative work in design, especially in the field of visual collaborative computing. ZSL normally uses transferable semantic features to represent the visual features to predict unseen classes without training the unseen samples. Existing ZSL models have attempted to learn region features in a single image, while the discriminative attribute localization of visual features is typically neglected. To handle the mentioned problem, we propose a pre-trained Masked Autoencoders(MAE) based Zero-Shot Learning model. It uses multi-head self-attention in Transformer blocks to capture the most discriminative local features from a partial perspective by considering both positional and contextual information of the entire sequence of patches, which is consistent with the human attention mechanism when recognizing objects. Further, it uses a Multilayer Perceptron(MLP) to map visual features to the semantic space for relating visual and semantic attributes, and predicts the semantic information, which is used to find out the class label during inference. Both quantitative and qualitative experimental results on three popular ZSL benchmarks show the proposed method achieves the new state-of-the-art in the field of generalized zero-shot learning and conventional zero-shot learning. The source code of the proposed method is available at https://github.com/yangjingqi99/MAE-ZSL
零射击学习(Zero-shot learning, ZSL)是计算机支持的设计协同工作,特别是视觉协同计算领域的一个重要研究方向。ZSL通常使用可转移的语义特征来表示视觉特征,在不训练未见样本的情况下预测未见的类。现有的ZSL模型试图学习单幅图像中的区域特征,而视觉特征的判别属性定位通常被忽略。为了解决上述问题,我们提出了一种基于预训练掩码自编码器(MAE)的零射击学习模型。它利用Transformer块中的多头自注意,通过考虑整个块序列的位置和上下文信息,从局部角度捕捉最具判别性的局部特征,这与人类识别物体时的注意机制是一致的。利用多层感知器(Multilayer Perceptron, MLP)将视觉特征映射到语义空间,实现视觉属性和语义属性的关联,并对语义信息进行预测,从而在推理过程中找到类标签。在三个常用的ZSL基准上的定量和定性实验结果表明,该方法达到了广义零射击学习和传统零射击学习领域的最新水平。建议的方法的源代码可在https://github.com/yangjingqi99/MAE-ZSL上获得
{"title":"Discriminative Feature Focus via Masked Autoencoder for Zero-Shot Learning","authors":"JingQi Yang, Cheng Xie, Peng Tang","doi":"10.1109/CSCWD57460.2023.10152773","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152773","url":null,"abstract":"Zero-shot learning (ZSL) is an important research area in computer-supported cooperative work in design, especially in the field of visual collaborative computing. ZSL normally uses transferable semantic features to represent the visual features to predict unseen classes without training the unseen samples. Existing ZSL models have attempted to learn region features in a single image, while the discriminative attribute localization of visual features is typically neglected. To handle the mentioned problem, we propose a pre-trained Masked Autoencoders(MAE) based Zero-Shot Learning model. It uses multi-head self-attention in Transformer blocks to capture the most discriminative local features from a partial perspective by considering both positional and contextual information of the entire sequence of patches, which is consistent with the human attention mechanism when recognizing objects. Further, it uses a Multilayer Perceptron(MLP) to map visual features to the semantic space for relating visual and semantic attributes, and predicts the semantic information, which is used to find out the class label during inference. Both quantitative and qualitative experimental results on three popular ZSL benchmarks show the proposed method achieves the new state-of-the-art in the field of generalized zero-shot learning and conventional zero-shot learning. The source code of the proposed method is available at https://github.com/yangjingqi99/MAE-ZSL","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"10 1","pages":"417-422"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"81352734","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Nodes Grouping Genetic Algorithm for Influence Maximization in Multiplex Social Networks 多路社交网络中影响最大化的节点分组遗传算法
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152626
Xiao-Min Hu, Yi Zhao, Zhuo Yang
Influence maximization (IM) aims to select a small number of seed users who can maximize the influence of information spread in social networks. The influence maximization problem in multiplex social networks considers the effects of overlapping users between different social networks on spreading the influence across networks. Since nodes in the network have different selection cost, the importance of a node cannot be determined only by the node's influence. This paper proposes a genetic algorithm using a novel node grouping strategy based on the node influence and selection cost, termed NGGA, for multiplex social networks. A node selection operation uses a shielding node set to realize a flexible search. Experimental results on three real multiplex networks demonstrate the effectiveness of the proposed algorithm.
影响最大化(Influence maximization, IM)是指选择少数种子用户,使信息在社交网络中传播的影响力最大化。多重社交网络中的影响最大化问题考虑了不同社交网络间用户重叠对影响在网络间传播的影响。由于网络中的节点具有不同的选择代价,因此不能仅通过节点的影响力来确定节点的重要性。针对多路社交网络,提出了一种基于节点影响和选择代价的节点分组策略(NGGA)遗传算法。节点选择操作使用屏蔽节点集实现灵活的搜索。在三个真实复用网络上的实验结果表明了该算法的有效性。
{"title":"Nodes Grouping Genetic Algorithm for Influence Maximization in Multiplex Social Networks","authors":"Xiao-Min Hu, Yi Zhao, Zhuo Yang","doi":"10.1109/CSCWD57460.2023.10152626","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152626","url":null,"abstract":"Influence maximization (IM) aims to select a small number of seed users who can maximize the influence of information spread in social networks. The influence maximization problem in multiplex social networks considers the effects of overlapping users between different social networks on spreading the influence across networks. Since nodes in the network have different selection cost, the importance of a node cannot be determined only by the node's influence. This paper proposes a genetic algorithm using a novel node grouping strategy based on the node influence and selection cost, termed NGGA, for multiplex social networks. A node selection operation uses a shielding node set to realize a flexible search. Experimental results on three real multiplex networks demonstrate the effectiveness of the proposed algorithm.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"57 1","pages":"1130-1135"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"81430558","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Decentralized Application Identification via Burst Feature Aggregation 基于突发特征聚合的分散应用识别
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152673
Chen Yang, Can Wang, Weidong Zhang, Huiyi Zhang, Xuangou Wu
With the development of blockchain technology, de-centralized applications (DApps) are increasingly being developed and deployed on blockchain platforms. However, the complex data validation mechanism and strict encryption protocol settings of blockchain often lead to sparse traffic behavior of DApps. This sparsity poses a challenge for existing encrypted traffic identification methods to extract distinguishable DApps traffic features. In this study, we propose a novel approach for identifying DApps traffic features by observing the differences in burst timing features of DApps. We introduce a continuous burst feature matrix (CBFM) method based on burst feature aggregation that can aggregate sparse features and express the burst timing differences of DApps encrypted traffic. Additionally, we design a deep learning classifier to automatically extract the features contained in the CBFM. Our experimental results on real datasets demonstrate that the proposed CBFM method achieves a classification accuracy of 94%, outperforming state-of-the-art methods.
随着区块链技术的发展,越来越多的去中心化应用程序(DApps)被开发和部署在区块链平台上。然而,区块链复杂的数据验证机制和严格的加密协议设置往往导致dapp的流量行为稀疏。这种稀疏性对现有的加密流量识别方法提出了挑战,难以提取可区分的dapp流量特征。在本研究中,我们提出了一种通过观察dapp突发时序特征的差异来识别dapp流量特征的新方法。提出了一种基于突发特征聚合的连续突发特征矩阵(CBFM)方法,该方法可以聚合稀疏特征并表达DApps加密流量的突发时序差异。此外,我们设计了一个深度学习分类器来自动提取CBFM中包含的特征。我们在真实数据集上的实验结果表明,所提出的CBFM方法达到了94%的分类准确率,优于目前最先进的方法。
{"title":"Decentralized Application Identification via Burst Feature Aggregation","authors":"Chen Yang, Can Wang, Weidong Zhang, Huiyi Zhang, Xuangou Wu","doi":"10.1109/CSCWD57460.2023.10152673","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152673","url":null,"abstract":"With the development of blockchain technology, de-centralized applications (DApps) are increasingly being developed and deployed on blockchain platforms. However, the complex data validation mechanism and strict encryption protocol settings of blockchain often lead to sparse traffic behavior of DApps. This sparsity poses a challenge for existing encrypted traffic identification methods to extract distinguishable DApps traffic features. In this study, we propose a novel approach for identifying DApps traffic features by observing the differences in burst timing features of DApps. We introduce a continuous burst feature matrix (CBFM) method based on burst feature aggregation that can aggregate sparse features and express the burst timing differences of DApps encrypted traffic. Additionally, we design a deep learning classifier to automatically extract the features contained in the CBFM. Our experimental results on real datasets demonstrate that the proposed CBFM method achieves a classification accuracy of 94%, outperforming state-of-the-art methods.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"21 1","pages":"1551-1556"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"81539522","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Computation of Mobile Phone Collaborative Embedded Devices for Object Detection Task 手机协同嵌入式设备对目标检测任务的计算
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152744
Yin Xie, Yigui Luo, Haihong She, Zhaohong Xiang
In the past decade, computer vision has developed rapidly, and its application scenarios are increasing. But in the process of its application, the limited embedded compute capability is still one of the most important reasons hindering its development. In contrast, with the continuous improvement of mobile computing capability in recent years, the reasoning of neural network models on mobile phones has become a closer and closer fact. The most of tasks of computer vision are continuous and fixed order of the calculation processes. According to the characteristic, we propose a method for collaborative embedded inference on mobile phones. This method divides computer vision tasks, moves part of the calculation to the mobile phone, and runs in a pipeline scheme to achieve the effect of accelerating inference. This method can realize the running acceleration of such tasks and reducing the computational burden of the embedded platform. Codes are available at https://github.com/yiyexy/pipeline.
近十年来,计算机视觉发展迅速,应用场景不断增多。但在其应用过程中,有限的嵌入式计算能力仍然是阻碍其发展的重要原因之一。相比之下,随着近年来移动计算能力的不断提高,神经网络模型在手机上的推理已经成为越来越接近的事实。计算机视觉的大部分任务是连续的、顺序固定的计算过程。根据这一特点,提出了一种基于手机的协同嵌入式推理方法。该方法对计算机视觉任务进行划分,将部分计算移至手机,并以流水线方式运行,达到加速推理的效果。该方法可以实现这类任务的运行加速,减少嵌入式平台的计算负担。代码可在https://github.com/yiyexy/pipeline上获得。
{"title":"Computation of Mobile Phone Collaborative Embedded Devices for Object Detection Task","authors":"Yin Xie, Yigui Luo, Haihong She, Zhaohong Xiang","doi":"10.1109/CSCWD57460.2023.10152744","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152744","url":null,"abstract":"In the past decade, computer vision has developed rapidly, and its application scenarios are increasing. But in the process of its application, the limited embedded compute capability is still one of the most important reasons hindering its development. In contrast, with the continuous improvement of mobile computing capability in recent years, the reasoning of neural network models on mobile phones has become a closer and closer fact. The most of tasks of computer vision are continuous and fixed order of the calculation processes. According to the characteristic, we propose a method for collaborative embedded inference on mobile phones. This method divides computer vision tasks, moves part of the calculation to the mobile phone, and runs in a pipeline scheme to achieve the effect of accelerating inference. This method can realize the running acceleration of such tasks and reducing the computational burden of the embedded platform. Codes are available at https://github.com/yiyexy/pipeline.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"54 1","pages":"778-783"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"77062568","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
SynCPFL:Synthetic Distribution Aware Clustered Framework for Personalized Federated Learning 个性化联邦学习的综合分布感知聚类框架
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152654
Junnan Yin, Yuyan Sun, Lei Cui, Zhengyang Ai, Hongsong Zhu
Federated Learning (FL) is a promising machine learning paradigm for collaborative training on cross-soils in a privacy-protected manner. However, the existence of non-IID data causes problems such as performance degradation and thus becomes one of the key challenges in FL recently. To address this problem, we propose a clustered personalized federated learning method named as SynCPFL. SynCPFL groups clients sharing with the similar data distribution together, thereby facilitating collaboration and producing a better-personalized model for each client. In contrast to existing clustered federated learning methods, SynCPFL does not require multiple rounds of interaction between clients and server, so that the communication overhead is reduced a lot, thereby saving resources of clients. We evaluate SynCPFL on benchmark datasets, the experimental results demonstrate that SynCPFL outperforms existing methods.
联邦学习(FL)是一种很有前途的机器学习范式,用于以隐私保护的方式在跨土壤上进行协作训练。然而,非iid数据的存在导致了性能下降等问题,成为近年来FL研究面临的主要挑战之一。为了解决这个问题,我们提出了一种名为SynCPFL的聚类个性化联邦学习方法。SynCPFL将具有相似数据分布的客户端分组在一起,从而促进协作并为每个客户端生成更好的个性化模型。与现有的集群联邦学习方法相比,SynCPFL不需要客户机和服务器之间进行多轮交互,从而大大减少了通信开销,从而节省了客户机的资源。我们在基准数据集上对SynCPFL进行了评估,实验结果表明SynCPFL优于现有的方法。
{"title":"SynCPFL:Synthetic Distribution Aware Clustered Framework for Personalized Federated Learning","authors":"Junnan Yin, Yuyan Sun, Lei Cui, Zhengyang Ai, Hongsong Zhu","doi":"10.1109/CSCWD57460.2023.10152654","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152654","url":null,"abstract":"Federated Learning (FL) is a promising machine learning paradigm for collaborative training on cross-soils in a privacy-protected manner. However, the existence of non-IID data causes problems such as performance degradation and thus becomes one of the key challenges in FL recently. To address this problem, we propose a clustered personalized federated learning method named as SynCPFL. SynCPFL groups clients sharing with the similar data distribution together, thereby facilitating collaboration and producing a better-personalized model for each client. In contrast to existing clustered federated learning methods, SynCPFL does not require multiple rounds of interaction between clients and server, so that the communication overhead is reduced a lot, thereby saving resources of clients. We evaluate SynCPFL on benchmark datasets, the experimental results demonstrate that SynCPFL outperforms existing methods.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"13 5","pages":"438-443"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"72545868","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Graph Sequence Generator and Multi-head Self-attention Mechanism based Knowledge Graph Reasoning Architecture 一种基于图序列生成器和多头自关注机制的知识图推理体系结构
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152706
Yuejia Wu, Jian-tao Zhou
Knowledge Graph (KG) is an essential research direction that involves storing and managing knowledge data, but its incompleteness and sparsity hinder its development in various applications. Knowledge Graph Reasoning (KGR) is an effective method to solve this limitation via reasoning missing knowledge based on existing knowledge. The graph Convolution Network (GCN) based method is one of the state-of-the-art approaches to this work. However, there are still some problems, such as the insufficient ability to perceive graph structure and the poor effect of learning data features which may limit the reasoning accuracy. This paper proposes a KGR architecture based on a graph sequence generator and multi-head self-attention mechanism, named GaM-KGR, to improve the above problems and enhance prediction accuracy. Specifically, the GaM-KGR first introduces the graph generation model into the field of KGR for graph representation learning to obtain the hidden features in the data so that enhancing the reasoning effect and then embeds the generated graph sequence into the multi-head self-attention mechanism for subsequent processing to improve the graph structure perception ability of the proposed architecture, so that it can process the graph structure data more appropriately. Extensive experimental results show that the GaM-KGR architecture can achieve the state-of-the-art prediction results of current GCN-based models.
知识图谱(Knowledge Graph, KG)是涉及知识数据存储和管理的重要研究方向,但其不完备性和稀疏性阻碍了其在各种应用中的发展。知识图推理(Knowledge Graph Reasoning, KGR)是一种解决这一问题的有效方法,它在已有知识的基础上对缺失知识进行推理。基于图卷积网络(GCN)的方法是这项工作的最先进的方法之一。但是,仍然存在一些问题,例如对图结构的感知能力不足,学习数据特征的效果不佳,这可能会限制推理的准确性。本文提出了一种基于图序列生成器和多头自关注机制的KGR体系结构GaM-KGR,以改善上述问题,提高预测精度。具体而言,GaM-KGR首先将图生成模型引入到KGR领域进行图表示学习,获取数据中的隐藏特征,增强推理效果,然后将生成的图序列嵌入到头部自注意机制中进行后续处理,提高所提出架构的图结构感知能力,使其能够更恰当地处理图结构数据。大量的实验结果表明,GaM-KGR架构可以达到当前基于gcn模型的最先进的预测结果。
{"title":"A Graph Sequence Generator and Multi-head Self-attention Mechanism based Knowledge Graph Reasoning Architecture","authors":"Yuejia Wu, Jian-tao Zhou","doi":"10.1109/CSCWD57460.2023.10152706","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152706","url":null,"abstract":"Knowledge Graph (KG) is an essential research direction that involves storing and managing knowledge data, but its incompleteness and sparsity hinder its development in various applications. Knowledge Graph Reasoning (KGR) is an effective method to solve this limitation via reasoning missing knowledge based on existing knowledge. The graph Convolution Network (GCN) based method is one of the state-of-the-art approaches to this work. However, there are still some problems, such as the insufficient ability to perceive graph structure and the poor effect of learning data features which may limit the reasoning accuracy. This paper proposes a KGR architecture based on a graph sequence generator and multi-head self-attention mechanism, named GaM-KGR, to improve the above problems and enhance prediction accuracy. Specifically, the GaM-KGR first introduces the graph generation model into the field of KGR for graph representation learning to obtain the hidden features in the data so that enhancing the reasoning effect and then embeds the generated graph sequence into the multi-head self-attention mechanism for subsequent processing to improve the graph structure perception ability of the proposed architecture, so that it can process the graph structure data more appropriately. Extensive experimental results show that the GaM-KGR architecture can achieve the state-of-the-art prediction results of current GCN-based models.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"11 1","pages":"1520-1525"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"75260639","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
CAT: A Collaborative Annotation Tool for Chinese Genealogy Textual Documents 中文家谱文本协同标注工具
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152659
Huan Jiang, Zihao Wang, Rongrong Li, Yuwei Peng, Zhiyong Peng, Bin Xu
The annotation for Chinese genealogy textual documents is helpful for constructing genealogy knowledge graph, training effective machine learning models for knowledge extraction, etc. However, this kind of documents is difficult to annotate. The primary reason is that the texts are written in both classical and vernacular Chinese. These texts also contain numerous ancient characters and are usually without punctuation. Understanding genealogy texts requires sufficient expertise. When multiple users labeling the same text, conflicts may occur. Existing annotation tools are inappropriate for this work. In this paper, we propose a novel interactive labeling tool, which provides text segmenting, entity and relationship tagging etc. With the annotated information, it is convenient to construct knowledge graph from textual documents, which can be used to analyze Chinese genealogy texts. Furthermore, we introduce a weak supervised mechanism with Hidden Markov Model for collaborative annotating with crowdsourcing. The practice shows that our approach is effective for collaborative annotation. It also facilitates the construction of knowledge graph and obtains more high-quality data sets. At present, this annotation tool has been applied into service.
中文家谱文本文档的标注有助于构建家谱知识图谱,训练有效的机器学习模型进行知识提取等。然而,这类文档很难注释。最主要的原因是文本是用文言文和白话文写的。这些文本也包含大量的古代文字,通常没有标点符号。理解家谱文本需要足够的专业知识。当多个用户标记相同的文本时,可能会发生冲突。现有的注释工具不适合这项工作。本文提出了一种新的交互式标注工具,它提供了文本切分、实体和关系标注等功能。有了标注信息,可以方便地从文本文档中构建知识图谱,用于分析中文系谱文本。此外,我们还引入了一种基于隐马尔可夫模型的弱监督机制,用于众包协作标注。实践表明,该方法对协同标注是有效的。它也方便了知识图谱的构建,获得了更多高质量的数据集。目前,该标注工具已经投入使用。
{"title":"CAT: A Collaborative Annotation Tool for Chinese Genealogy Textual Documents","authors":"Huan Jiang, Zihao Wang, Rongrong Li, Yuwei Peng, Zhiyong Peng, Bin Xu","doi":"10.1109/CSCWD57460.2023.10152659","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152659","url":null,"abstract":"The annotation for Chinese genealogy textual documents is helpful for constructing genealogy knowledge graph, training effective machine learning models for knowledge extraction, etc. However, this kind of documents is difficult to annotate. The primary reason is that the texts are written in both classical and vernacular Chinese. These texts also contain numerous ancient characters and are usually without punctuation. Understanding genealogy texts requires sufficient expertise. When multiple users labeling the same text, conflicts may occur. Existing annotation tools are inappropriate for this work. In this paper, we propose a novel interactive labeling tool, which provides text segmenting, entity and relationship tagging etc. With the annotated information, it is convenient to construct knowledge graph from textual documents, which can be used to analyze Chinese genealogy texts. Furthermore, we introduce a weak supervised mechanism with Hidden Markov Model for collaborative annotating with crowdsourcing. The practice shows that our approach is effective for collaborative annotation. It also facilitates the construction of knowledge graph and obtains more high-quality data sets. At present, this annotation tool has been applied into service.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"18 1","pages":"1043-1048"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"75427503","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
New Employee Training Scheduling Using the E-CARGO Model 基于E-CARGO模型的新员工培训计划
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152637
Tianshuo Yang, Haibin Zhu
New employee training scheduling is one of the most common events in many enterprises. Solving this problem has its significance and is useful in daily administrations and operations. Group Role Assignment (GRA) model is widely applied in the assignment problem. However, there are still many challenges to applying the GRA model. For example, when we need to assign different jobs for the same person at different times, GRA needs more structures to specify constraints. If we use the strategy that combines the time factor with the agents or roles to formalize new agents or roles, the problem can be converted to a solvable GRA problem with constraints. The focus of this article is to give a practical solution to this kind of problem by using the GRA formulations in expressing constraints. The formalization makes us resolve the problem easily through integer programming (IP) with the PuLP package of Python. Large-scale simulation experiments demonstrate the practicability and robustness of our method.
新员工培训计划是许多企业中最常见的事件之一。解决这一问题具有重要的意义,对日常管理和业务都有帮助。群体角色分配(GRA)模型在分配问题中得到了广泛的应用。然而,应用GRA模型仍然存在许多挑战。例如,当我们需要在不同时间为同一个人分配不同的工作时,GRA需要更多的结构来指定约束。如果我们使用将时间因素与代理或角色相结合的策略来形式化新的代理或角色,则可以将问题转换为带约束的可解GRA问题。本文的重点是利用GRA公式来表达约束条件,给出这类问题的实际解决方案。它的形式化使我们可以使用Python的PuLP包轻松地通过整数编程(IP)来解决问题。大规模仿真实验证明了该方法的实用性和鲁棒性。
{"title":"New Employee Training Scheduling Using the E-CARGO Model","authors":"Tianshuo Yang, Haibin Zhu","doi":"10.1109/CSCWD57460.2023.10152637","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152637","url":null,"abstract":"New employee training scheduling is one of the most common events in many enterprises. Solving this problem has its significance and is useful in daily administrations and operations. Group Role Assignment (GRA) model is widely applied in the assignment problem. However, there are still many challenges to applying the GRA model. For example, when we need to assign different jobs for the same person at different times, GRA needs more structures to specify constraints. If we use the strategy that combines the time factor with the agents or roles to formalize new agents or roles, the problem can be converted to a solvable GRA problem with constraints. The focus of this article is to give a practical solution to this kind of problem by using the GRA formulations in expressing constraints. The formalization makes us resolve the problem easily through integer programming (IP) with the PuLP package of Python. Large-scale simulation experiments demonstrate the practicability and robustness of our method.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"1 1","pages":"691-696"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"72864670","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Who Gets in the Way of Parallelism? Analysis and Optimization of the Parallel Processing Bottleneck of SDN Flow Rules in ONOS 谁阻碍了并行?ONOS下SDN流规则并行处理瓶颈分析与优化
IF 2.4 3区 计算机科学 Q3 COMPUTER SCIENCE, INTERDISCIPLINARY APPLICATIONS Pub Date : 2023-05-24 DOI: 10.1109/CSCWD57460.2023.10152559
Zixuan Ma, Yuqi Zhang, Ruibang You, Chen Li
Software-Defined Networking (SDN) decouples the data plane from the control plane, enabling centralized control and open programmability of the network. OpenFlow flow rules are the key carrier for the SDN application to configure and manage the data plane through the control plane, and the processing efficiency of flow rules of the SDN controller in the control plane is critical as it will directly impact the instantaneity of configuring and managing the data plane. Currently, the controller increases the processing efficiency of flow rules by means of multi-threaded parallel processing. However, in the experiments of the widely used SDN controller ONOS, we found a new bottleneck in the parallel processing of flow rules that causes the performance gains from parallelism to be offset. Therefore, in this paper, we locate the bottleneck and analyze its causes through source code analysis and timestamp tests, propose a parallel event queue to resolve the bottleneck, and implement it in ONOS. Experiments show that our improved ONOS effectively resolves the bottleneck problem and achieves an average 3.57x improvement in the processing efficiency of flow rules compared to the original ONOS.
软件定义网络(SDN)将数据平面与控制平面解耦,实现了网络的集中控制和开放可编程性。OpenFlow流规则是SDN应用通过控制平面对数据平面进行配置和管理的关键载体,SDN控制器在控制平面对流规则的处理效率至关重要,直接影响到配置和管理数据平面的实时性。目前,该控制器通过多线程并行处理的方式提高了流规则的处理效率。然而,在广泛使用的SDN控制器ONOS的实验中,我们发现了流规则并行处理的新瓶颈,导致并行性带来的性能收益被抵消。因此,本文通过源代码分析和时间戳测试,定位瓶颈并分析瓶颈产生的原因,提出并行事件队列解决瓶颈,并在ONOS中实现。实验表明,改进后的ONOS有效地解决了瓶颈问题,流规则处理效率比原ONOS平均提高了3.57倍。
{"title":"Who Gets in the Way of Parallelism? Analysis and Optimization of the Parallel Processing Bottleneck of SDN Flow Rules in ONOS","authors":"Zixuan Ma, Yuqi Zhang, Ruibang You, Chen Li","doi":"10.1109/CSCWD57460.2023.10152559","DOIUrl":"https://doi.org/10.1109/CSCWD57460.2023.10152559","url":null,"abstract":"Software-Defined Networking (SDN) decouples the data plane from the control plane, enabling centralized control and open programmability of the network. OpenFlow flow rules are the key carrier for the SDN application to configure and manage the data plane through the control plane, and the processing efficiency of flow rules of the SDN controller in the control plane is critical as it will directly impact the instantaneity of configuring and managing the data plane. Currently, the controller increases the processing efficiency of flow rules by means of multi-threaded parallel processing. However, in the experiments of the widely used SDN controller ONOS, we found a new bottleneck in the parallel processing of flow rules that causes the performance gains from parallelism to be offset. Therefore, in this paper, we locate the bottleneck and analyze its causes through source code analysis and timestamp tests, propose a parallel event queue to resolve the bottleneck, and implement it in ONOS. Experiments show that our improved ONOS effectively resolves the bottleneck problem and achieves an average 3.57x improvement in the processing efficiency of flow rules compared to the original ONOS.","PeriodicalId":51008,"journal":{"name":"Computer Supported Cooperative Work-The Journal of Collaborative Computing","volume":"15 1","pages":"1808-1813"},"PeriodicalIF":2.4,"publicationDate":"2023-05-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"88035385","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Computer Supported Cooperative Work-The Journal of Collaborative Computing
全部 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