首页 > 最新文献

Scalable Computing-Practice and Experience最新文献

英文 中文
A Multi-Head Attention Based Dual Target Graph Collaborative Filtering Network 基于多头注意的双目标图协同过滤网络
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00086
Qinglong Peng, Bin Tang, Jinhuan Liu, Shuang Cui, Junwei Du, Yan Lu, Feng Jiang, Xu Yu
Recently, cross-domain collaborative filtering (CDCF) has been widely used to solve the data sparsity problem in recommendation systems. Therein, the dual-target cross-domain recommendation becomes a research hotspot, which aims to improve the recommendation performance of both target and source domains. Most existing approaches tend to use fixed weights or self-attention in a single representation space for the bi-directional inter-domain transfer of the user representation. However, a single representation space leads to limited representation capability, which makes the transfer of the user representation coarse-grained and inaccurate. In this paper, Multi-head Attention Based Dual Target Graph Collaborative Filtering Network (MA-DTGCF) is proposed. The core of the model is the bi-directional transfer graph convolution layer, consisting of a graph convolution layer and a bi-directional transfer layer based on a multi-head attention mechanism. The latter can achieve fine-grained and adaptive transfer of user features in multiple representation subspaces. It is worth noting that by stacking multiple bi-directional transfer graph convolutional layers, we can get high-order user and item features and achieve adaptive transfer of each order user features. Experimental results on three real datasets show that the proposed MA-DTGCF model significantly outperforms the state-of-the-art models in terms of HR and NDCG.
近年来,跨域协同过滤(CDCF)被广泛用于解决推荐系统中的数据稀疏性问题。其中,双目标跨域推荐成为一个研究热点,旨在提高目标域和源域的推荐性能。大多数现有方法倾向于在单个表示空间中使用固定权值或自关注来实现用户表示的双向域间传递。然而,单一的表示空间导致有限的表示能力,这使得用户表示的传输粗粒度和不准确。本文提出了一种基于多头注意力的双目标图协同过滤网络(MA-DTGCF)。该模型的核心是双向迁移图卷积层,由图卷积层和基于多头注意机制的双向迁移层组成。后者可以在多个表示子空间中实现用户特征的细粒度和自适应转移。值得注意的是,通过叠加多个双向传递图卷积层,我们可以得到高阶用户和物品特征,并实现每阶用户特征的自适应传递。在三个真实数据集上的实验结果表明,所提出的MA-DTGCF模型在HR和NDCG方面明显优于现有模型。
{"title":"A Multi-Head Attention Based Dual Target Graph Collaborative Filtering Network","authors":"Qinglong Peng, Bin Tang, Jinhuan Liu, Shuang Cui, Junwei Du, Yan Lu, Feng Jiang, Xu Yu","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00086","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00086","url":null,"abstract":"Recently, cross-domain collaborative filtering (CDCF) has been widely used to solve the data sparsity problem in recommendation systems. Therein, the dual-target cross-domain recommendation becomes a research hotspot, which aims to improve the recommendation performance of both target and source domains. Most existing approaches tend to use fixed weights or self-attention in a single representation space for the bi-directional inter-domain transfer of the user representation. However, a single representation space leads to limited representation capability, which makes the transfer of the user representation coarse-grained and inaccurate. In this paper, Multi-head Attention Based Dual Target Graph Collaborative Filtering Network (MA-DTGCF) is proposed. The core of the model is the bi-directional transfer graph convolution layer, consisting of a graph convolution layer and a bi-directional transfer layer based on a multi-head attention mechanism. The latter can achieve fine-grained and adaptive transfer of user features in multiple representation subspaces. It is worth noting that by stacking multiple bi-directional transfer graph convolutional layers, we can get high-order user and item features and achieve adaptive transfer of each order user features. Experimental results on three real datasets show that the proposed MA-DTGCF model significantly outperforms the state-of-the-art models in terms of HR and NDCG.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"74476078","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
What Is Next? A Generative Approach for Service Composition Recommendations 下一步是什么?服务组合推荐的生成方法
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00078
Guodong Fan, Shizhan Chen, Hongyue Wu, Ming Zhu, Xiao Xue, Zhiyong Feng
Service recommendation is important in creating composite services, workflows, e-business solutions, etc. It often takes developers a long time to Figure out what the next service is. A lot of researchers have used collaborative filtering-based or content-based approaches to recommend services for developers. However, failing to model the co-occurrence relationships between services, current approaches cannot recommend the next services for service composition. This leads to a decrease in the accuracy of service composition recommendations. To tackle this problem, this paper proposes an Encoder-Decoder-based Recommender named EDeR, which transforms the service recommendation problem into a generation problem. First, we employ a self-supervised graph embedding method to fully learn the representation of each service according to both structural and descriptive information. Then, based on the co-occurrence relationships between services, we propose an encoder-decoder model to sequentially recommend services in a way that translates user requirements into a composite service. The results obtained from experiments conducted on a real-world dataset show that EDeR outperforms the state-of-the-art approaches significantly.
服务推荐在创建组合服务、工作流、电子商务解决方案等方面非常重要。开发人员通常要花很长时间才能弄清楚下一个服务是什么。许多研究人员使用基于协作过滤或基于内容的方法向开发人员推荐服务。然而,由于无法对服务之间的共现关系进行建模,当前的方法无法为服务组合推荐下一个服务。这将导致服务组合建议的准确性降低。为了解决这一问题,本文提出了一种基于编码器-解码器的推荐器——EDeR,将服务推荐问题转化为生成问题。首先,我们采用自监督图嵌入方法,根据结构信息和描述信息充分学习每个服务的表示。然后,基于服务之间的共现关系,我们提出了一个编码器-解码器模型,以一种将用户需求转换为组合服务的方式顺序推荐服务。在真实数据集上进行的实验结果表明,EDeR的性能明显优于最先进的方法。
{"title":"What Is Next? A Generative Approach for Service Composition Recommendations","authors":"Guodong Fan, Shizhan Chen, Hongyue Wu, Ming Zhu, Xiao Xue, Zhiyong Feng","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00078","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00078","url":null,"abstract":"Service recommendation is important in creating composite services, workflows, e-business solutions, etc. It often takes developers a long time to Figure out what the next service is. A lot of researchers have used collaborative filtering-based or content-based approaches to recommend services for developers. However, failing to model the co-occurrence relationships between services, current approaches cannot recommend the next services for service composition. This leads to a decrease in the accuracy of service composition recommendations. To tackle this problem, this paper proposes an Encoder-Decoder-based Recommender named EDeR, which transforms the service recommendation problem into a generation problem. First, we employ a self-supervised graph embedding method to fully learn the representation of each service according to both structural and descriptive information. Then, based on the co-occurrence relationships between services, we propose an encoder-decoder model to sequentially recommend services in a way that translates user requirements into a composite service. The results obtained from experiments conducted on a real-world dataset show that EDeR outperforms the state-of-the-art approaches significantly.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"74614627","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
Multi-view Self-attention Network for Next POI Recommendation 下一个POI推荐的多视图自关注网络
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00265
Hao Li, P. Yue, Shangcheng Li, Fangqiang Yu, Chenxiao Zhang, Can Yang, Liangcun Jiang
Next Point-of-Interest (POI) recommendation has been applied by many Internet companies to enhance user travel experience. The state-of-the-art deep learning methods in next POI recommendation advocate the self-attention mechanism to model the user long-term check-in sequence. However, the existing methods ignore the interdependence between POI and POI category in the historical interaction. The POI and POI category sequences can be regarded as multi-view information of user check-in behaviors. This paper proposes a multi-view self-attention network (MVSAN) for next POI recommendation. Firstly, MVSAN uses a self-attention layer to update the feature representation of POI and POI category respectively. Then it generates the importance of POI under the condition of the POI category through a co-attention module. To make better use of geospatial information, we design a spatial candidate set filtering module to help the model improve recommendation performance. Experiments on two real check-in datasets show that MVSAN yields outstanding improvements over the state-of-the-art models in terms of recall.
下一个兴趣点(POI)推荐已经被许多互联网公司应用于提升用户的旅行体验。在接下来的POI推荐中,最先进的深度学习方法提倡自关注机制来模拟用户的长期登记序列。然而,现有的方法忽略了历史交互中POI和POI类别之间的相互依赖关系。POI和POI类别序列可以看作是用户签入行为的多视图信息。本文提出了一种多视图自关注网络(MVSAN),用于下一个POI推荐。首先,MVSAN使用自关注层分别更新POI和POI类别的特征表示。然后通过共关注模块生成POI类别条件下的POI重要性。为了更好地利用地理空间信息,我们设计了一个空间候选集过滤模块来帮助模型提高推荐性能。在两个真实签入数据集上的实验表明,MVSAN在召回方面比最先进的模型有了显著的改进。
{"title":"Multi-view Self-attention Network for Next POI Recommendation","authors":"Hao Li, P. Yue, Shangcheng Li, Fangqiang Yu, Chenxiao Zhang, Can Yang, Liangcun Jiang","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00265","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00265","url":null,"abstract":"Next Point-of-Interest (POI) recommendation has been applied by many Internet companies to enhance user travel experience. The state-of-the-art deep learning methods in next POI recommendation advocate the self-attention mechanism to model the user long-term check-in sequence. However, the existing methods ignore the interdependence between POI and POI category in the historical interaction. The POI and POI category sequences can be regarded as multi-view information of user check-in behaviors. This paper proposes a multi-view self-attention network (MVSAN) for next POI recommendation. Firstly, MVSAN uses a self-attention layer to update the feature representation of POI and POI category respectively. Then it generates the importance of POI under the condition of the POI category through a co-attention module. To make better use of geospatial information, we design a spatial candidate set filtering module to help the model improve recommendation performance. Experiments on two real check-in datasets show that MVSAN yields outstanding improvements over the state-of-the-art models in terms of recall.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"74654920","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
AutoRec++: Incorporating Debias Methods into Autoencoder-based Recommender System AutoRec++:将Debias方法集成到基于自动编码器的推荐系统中
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00271
Cheng Liang, Yi He, Teng Huang, Di Wu
The deep neural network-based (DNN-based) model has proven powerful in user data behavior representation, efficiently implementing a recommender system (RS). Most prior works focus on developing a sophisticated architecture to better-fit user data. However, user behavior data are commonly collected from multiple scenarios and generated by numerous users, resulting in various biases existing in these data. Unfortunately, prior DNN-based RSs dealing with these biases are fragmented and lack a comprehensive solution. This paper aims to comprehensively handle these biases in user behavior data in preprocessing stage and training state. By incorporating the preprocessing bias (PB) and training bias (TB) into the representative autoencoder-based AutoRec model, we proposed AutoRec++. Experimental results in five commonly used benchmark datasets demonstrate that: 1) the basic model’s preference can boost by the optimal PB and TB combinations, and 2) our proposed AutoRec++ reaches a better prediction accuracy than DNN-based and non-DNN-based state-of-the-art models.
基于深度神经网络(DNN-based)的模型在用户数据行为表示方面已经被证明是强大的,可以有效地实现推荐系统(RS)。大多数先前的工作都集中在开发一个复杂的架构来更好地适应用户数据。然而,用户行为数据通常是从多个场景中收集的,由众多用户生成,导致这些数据存在各种偏差。不幸的是,先前基于dnn的RSs处理这些偏差是分散的,缺乏全面的解决方案。本文旨在综合处理用户行为数据在预处理阶段和训练阶段的这些偏差。通过将预处理偏差(PB)和训练偏差(TB)结合到具有代表性的基于自编码器的AutoRec模型中,我们提出了AutoRec++。在五个常用的基准数据集上的实验结果表明:1)最优的PB和TB组合可以提高基本模型的偏好;2)我们提出的AutoRec++比基于dnn和非dnn的现有模型具有更好的预测精度。
{"title":"AutoRec++: Incorporating Debias Methods into Autoencoder-based Recommender System","authors":"Cheng Liang, Yi He, Teng Huang, Di Wu","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00271","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00271","url":null,"abstract":"The deep neural network-based (DNN-based) model has proven powerful in user data behavior representation, efficiently implementing a recommender system (RS). Most prior works focus on developing a sophisticated architecture to better-fit user data. However, user behavior data are commonly collected from multiple scenarios and generated by numerous users, resulting in various biases existing in these data. Unfortunately, prior DNN-based RSs dealing with these biases are fragmented and lack a comprehensive solution. This paper aims to comprehensively handle these biases in user behavior data in preprocessing stage and training state. By incorporating the preprocessing bias (PB) and training bias (TB) into the representative autoencoder-based AutoRec model, we proposed AutoRec++. Experimental results in five commonly used benchmark datasets demonstrate that: 1) the basic model’s preference can boost by the optimal PB and TB combinations, and 2) our proposed AutoRec++ reaches a better prediction accuracy than DNN-based and non-DNN-based state-of-the-art models.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"74253717","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
Multimodal Hateful Memes Detection via Image Caption Supervision 通过图像标题监督的多模态仇恨模因检测
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00221
Huaicheng Fang, Fuqing Zhu, Jizhong Han, Songlin Hu
A large amount of hateful speech exist on the Internet in the form of text and images uploaded by social media users. Recently, multimodal hateful speech detection task has attracted more and more researchers to invest, producing some representative work for perceiving the negative samples. For this special multimodal task, the ability of multimodal semantic information understanding is particularly crucial. However, the existing models have insufficient understanding ability of image modality semantic compared with the text modality, due to the appearance complexity of each image. Therefore, this paper utilizes the text modality which is well understood by the model to improve understanding ability of image modality semantic. Specifically, this paper proposes an image caption supervision (ICS) auxiliary method for multimodal hateful speech detection, where the image caption is designed to supervise the feature learning of images for further understanding the semantic information. On the Facebook Hateful Memes dataset, the proposed ICS method outperforms some state-of-the-art unimodal and multimodal baselines, demonstrating the effectiveness of ICS.
大量的仇恨言论以社交媒体用户上传的文字和图片的形式存在于互联网上。近年来,多模态仇恨语音检测任务吸引了越来越多的研究者的投入,并产生了一些具有代表性的负样本感知工作。对于这种特殊的多模态任务,多模态语义信息理解能力尤为重要。然而,由于每幅图像的外观复杂性,现有模型对图像模态语义的理解能力与文本模态相比不足。因此,本文利用该模型所能理解的文本情态来提高对图像情态语义的理解能力。具体而言,本文提出了一种用于多模态仇恨语音检测的图像标题监督(ICS)辅助方法,其中图像标题被设计为监督图像的特征学习,以进一步理解语义信息。在Facebook仇恨模因数据集上,所提出的ICS方法优于一些最先进的单模态和多模态基线,证明了ICS的有效性。
{"title":"Multimodal Hateful Memes Detection via Image Caption Supervision","authors":"Huaicheng Fang, Fuqing Zhu, Jizhong Han, Songlin Hu","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00221","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00221","url":null,"abstract":"A large amount of hateful speech exist on the Internet in the form of text and images uploaded by social media users. Recently, multimodal hateful speech detection task has attracted more and more researchers to invest, producing some representative work for perceiving the negative samples. For this special multimodal task, the ability of multimodal semantic information understanding is particularly crucial. However, the existing models have insufficient understanding ability of image modality semantic compared with the text modality, due to the appearance complexity of each image. Therefore, this paper utilizes the text modality which is well understood by the model to improve understanding ability of image modality semantic. Specifically, this paper proposes an image caption supervision (ICS) auxiliary method for multimodal hateful speech detection, where the image caption is designed to supervise the feature learning of images for further understanding the semantic information. On the Facebook Hateful Memes dataset, the proposed ICS method outperforms some state-of-the-art unimodal and multimodal baselines, demonstrating the effectiveness of ICS.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"72471719","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
Heuristic Once Learning for Image & Text Duality Information Processing 启发式一次性学习在图像和文本对偶信息处理中的应用
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00195
L. Weigang, L. Martins, Nikson Ferreira, Christian Miranda, Lucas S. Althoff, Walner Pessoa, Mylène C. Q. Farias, Ricardo Jacobi, Mauricio Rincon
Few-shot learning is an important mechanism to minimize the need for the labeling of large amounts of data and taking advantage of transfer learning. To identify image/text input with duality property, this research proposes a “Heuristic once learning (HOL)” mechanism to investigate multi-modal input processing similar to human-like behavior. First, we create an image/text data set of big Latin letters composed of small letters and another data set composed of Arabic, Chinese and Roman numerals. Secondly, we use Convolutional Neural Networks (CNN) for pre-training the dataset of letters to get structural features. Thirdly, using the acquired knowledge, a Self-organizing Map (SOM) and Contrastive Language-Image Pretraining (CLIP) are tested separately using zero-shot learning. Siamese Networks and Vision Transformer (ViT) are also tested using one-shot learning by knowledge transfer to identify the features of unknown characters. The research results show the potential and challenges to realize HOL and make a useful attempt for the development of general agents.
Few-shot学习是一种重要的机制,可以最大限度地减少对大量数据的标记需求,并利用迁移学习。为了识别具有对偶性的图像/文本输入,本研究提出了一种“启发式一次学习(HOL)”机制来研究类似于人类行为的多模态输入处理。首先,我们创建一个由小写字母组成的大拉丁字母的图像/文本数据集和另一个由阿拉伯语、汉语和罗马数字组成的数据集。其次,我们使用卷积神经网络(CNN)对字母数据集进行预训练,得到结构特征。第三,利用学习到的知识,对自组织映射(SOM)和对比语言图像预训练(CLIP)分别进行零次学习测试。通过知识转移的一次性学习,对Siamese Networks和Vision Transformer (ViT)进行了测试,以识别未知字符的特征。研究结果显示了实现HOL的潜力和挑战,为总代理的发展做出了有益的尝试。
{"title":"Heuristic Once Learning for Image & Text Duality Information Processing","authors":"L. Weigang, L. Martins, Nikson Ferreira, Christian Miranda, Lucas S. Althoff, Walner Pessoa, Mylène C. Q. Farias, Ricardo Jacobi, Mauricio Rincon","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00195","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00195","url":null,"abstract":"Few-shot learning is an important mechanism to minimize the need for the labeling of large amounts of data and taking advantage of transfer learning. To identify image/text input with duality property, this research proposes a “Heuristic once learning (HOL)” mechanism to investigate multi-modal input processing similar to human-like behavior. First, we create an image/text data set of big Latin letters composed of small letters and another data set composed of Arabic, Chinese and Roman numerals. Secondly, we use Convolutional Neural Networks (CNN) for pre-training the dataset of letters to get structural features. Thirdly, using the acquired knowledge, a Self-organizing Map (SOM) and Contrastive Language-Image Pretraining (CLIP) are tested separately using zero-shot learning. Siamese Networks and Vision Transformer (ViT) are also tested using one-shot learning by knowledge transfer to identify the features of unknown characters. The research results show the potential and challenges to realize HOL and make a useful attempt for the development of general agents.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"72708078","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
Utility-Aware Data Anonymization Model for Healthcare Information 用于医疗保健信息的实用程序感知数据匿名化模型
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00372
Fadi Alhaddadin, Jairo Gutiérrez
The use of collected data is a valuable source for analysis that benefits both medical research and practice. Information privacy is considered a significant challenge that hinders using such information for research purposes. In terms of research, releasing patients’ information for research purposes may lead to privacy breaches for patients in various cases. Individual patients may not wish to be identifiable when using information about their health for research. This work proposes a utility-aware data anonymization model for sharing patients’ health information for research purposes in a privacy-preserving manner. The proposed model is interactive and involves a number of operations that are performed on patients’ information before releasing it for research purposes according to certain requirements specified by the data user (researcher).
使用收集到的数据是一种有价值的分析来源,有利于医学研究和实践。信息隐私被认为是一个重大的挑战,它阻碍了这些信息用于研究目的。在研究方面,出于研究目的而发布患者信息可能会在各种情况下导致患者隐私被侵犯。个别患者在使用其健康信息进行研究时可能不希望被识别。这项工作提出了一种实用感知数据匿名化模型,用于以保护隐私的方式共享患者健康信息。所建议的模型是交互式的,涉及在根据数据用户(研究者)指定的某些要求将患者信息发布用于研究目的之前对其进行的一系列操作。
{"title":"Utility-Aware Data Anonymization Model for Healthcare Information","authors":"Fadi Alhaddadin, Jairo Gutiérrez","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00372","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00372","url":null,"abstract":"The use of collected data is a valuable source for analysis that benefits both medical research and practice. Information privacy is considered a significant challenge that hinders using such information for research purposes. In terms of research, releasing patients’ information for research purposes may lead to privacy breaches for patients in various cases. Individual patients may not wish to be identifiable when using information about their health for research. This work proposes a utility-aware data anonymization model for sharing patients’ health information for research purposes in a privacy-preserving manner. The proposed model is interactive and involves a number of operations that are performed on patients’ information before releasing it for research purposes according to certain requirements specified by the data user (researcher).","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78598611","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
Sentiment analysis of microblogs with rich emoticons 富表情微博情感分析
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00284
Shuo Zhang, Chunyang Ye, Hui Zhou
Sentiment analysis for social media can help to explore deeper insight into the attitudes, opinions, and emotions behind the posts. Existing work usually analyze the emoticons and texts of the posts separately, and ignore the impact of emoticons on the emotional polarity of texts. As a result, the polarity of the posts could be marked inaccurately in the scenarios where the polarity of the texts relies on the contextual information of the emoticons. To address this issue, we propose a model, WnhBert-Bi-LSTM, for microblog sentiment analysis. The model trains phrase and emoticon embedding on a large-scale corpus composed of 280,000 Chinese microblogs, and uses the self-attention mechanism to evaluate the impact of emoticons on the overall emotional polarity. By converting emoticons into tractable features, the emoticons can be analyzed jointly with the texts to explore their feature interaction. Evaluations on 8,965 sina microblog posts show that the accuracy of our model is 3.19% higher than the baseline models. In addition, we constructed and open-sourced a new emoticon label corpus with more widely used words and more comprehensive emoticon data than the existing corpus.
社交媒体的情感分析可以帮助我们更深入地了解帖子背后的态度、观点和情感。现有的工作通常将表情符号和帖子文本分开分析,而忽略了表情符号对文本情感极性的影响。因此,在文本的极性依赖于表情符号的上下文信息的情况下,帖子的极性可能被不准确地标记出来。为了解决这个问题,我们提出了一个微博情感分析模型WnhBert-Bi-LSTM。该模型在由28万条中文微博组成的大规模语料库上训练短语和表情符号的嵌入,并利用自关注机制评估表情符号对整体情绪极性的影响。通过将表情符号转化为可处理的特征,可以与文本共同分析表情符号,探索它们之间的特征交互。对8965条新浪微博的评价表明,我们的模型的准确率比基线模型高3.19%。此外,我们构建并开源了一个新的表情符号标签语料库,该语料库具有比现有语料库更广泛的使用词和更全面的表情符号数据。
{"title":"Sentiment analysis of microblogs with rich emoticons","authors":"Shuo Zhang, Chunyang Ye, Hui Zhou","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00284","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00284","url":null,"abstract":"Sentiment analysis for social media can help to explore deeper insight into the attitudes, opinions, and emotions behind the posts. Existing work usually analyze the emoticons and texts of the posts separately, and ignore the impact of emoticons on the emotional polarity of texts. As a result, the polarity of the posts could be marked inaccurately in the scenarios where the polarity of the texts relies on the contextual information of the emoticons. To address this issue, we propose a model, WnhBert-Bi-LSTM, for microblog sentiment analysis. The model trains phrase and emoticon embedding on a large-scale corpus composed of 280,000 Chinese microblogs, and uses the self-attention mechanism to evaluate the impact of emoticons on the overall emotional polarity. By converting emoticons into tractable features, the emoticons can be analyzed jointly with the texts to explore their feature interaction. Evaluations on 8,965 sina microblog posts show that the accuracy of our model is 3.19% higher than the baseline models. In addition, we constructed and open-sourced a new emoticon label corpus with more widely used words and more comprehensive emoticon data than the existing corpus.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78217988","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
A Lightweight Locally Repairable Code-based Storage Architecture for Blockchains 一个轻量级的本地可修复的基于代码的区块链存储架构
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00324
Wanning Bao, Liangmin Wang, Jie Chen
The blockchain system requires every node to preserve a complete copy of data arbitrarily, which exerts tremendous storage pressure on nodes. Some researchers applied the erasure code to reduce storage redundancy. However, code storage schemes have the problem of inefficient data communication while verifying transactions and downloading data. To solve this problem, this paper proposes a lightweight locally repairable code (LRC) storage scheme inspired by the idea of slice strategy from privacy computing. Firstly, partitioning each block into distinct transaction slices substantially reduces the amount of transmitted data required to verify a transaction. Secondly, our scheme can recover single-point data with fewer code data slices by local nodes and with less network communication overhead. At last, we analyze the performance of our scheme from theoretical perspectives and examine the storage performance and computation efficiency of our scheme from experimental perspectives. Results suggest that our scheme can effectively reduce the storage overhead while also decreasing the network communication overhead and improving the data reading efficiency.
区块链系统要求每个节点任意保留一份完整的数据副本,这给节点带来了巨大的存储压力。一些研究人员使用擦除码来减少存储冗余。然而,代码存储方案在验证事务和下载数据时存在数据通信效率低下的问题。为了解决这一问题,本文借鉴隐私计算中的切片策略思想,提出了一种轻量级的局部可修复代码(LRC)存储方案。首先,将每个块划分为不同的事务片大大减少了验证事务所需的传输数据量。其次,我们的方案可以用更少的本地节点代码数据切片和更少的网络通信开销来恢复单点数据。最后,从理论角度分析了该方案的性能,并从实验角度检验了该方案的存储性能和计算效率。结果表明,该方案可以有效降低存储开销,同时降低网络通信开销,提高数据读取效率。
{"title":"A Lightweight Locally Repairable Code-based Storage Architecture for Blockchains","authors":"Wanning Bao, Liangmin Wang, Jie Chen","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00324","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00324","url":null,"abstract":"The blockchain system requires every node to preserve a complete copy of data arbitrarily, which exerts tremendous storage pressure on nodes. Some researchers applied the erasure code to reduce storage redundancy. However, code storage schemes have the problem of inefficient data communication while verifying transactions and downloading data. To solve this problem, this paper proposes a lightweight locally repairable code (LRC) storage scheme inspired by the idea of slice strategy from privacy computing. Firstly, partitioning each block into distinct transaction slices substantially reduces the amount of transmitted data required to verify a transaction. Secondly, our scheme can recover single-point data with fewer code data slices by local nodes and with less network communication overhead. At last, we analyze the performance of our scheme from theoretical perspectives and examine the storage performance and computation efficiency of our scheme from experimental perspectives. Results suggest that our scheme can effectively reduce the storage overhead while also decreasing the network communication overhead and improving the data reading efficiency.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"77688727","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
Which User Guidance Works Better in VR? A User Guidance Learning Effect Study in Virtual Environment 哪种用户指南在VR中更有效?虚拟环境下用户引导学习效果研究
IF 1.1 Q2 Computer Science Pub Date : 2022-12-01 DOI: 10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00170
Shuqin Zhu, Xiaoping Che, Chenxin Qu, Hao Li, Siyuan Wang
Virtual reality (VR) has become popular recently due to the release of several consumer-grade VR devices. At present, VR technology has been widely used in education, entertainment, and other fields. However, up to now, there is no unified method to teach users how to interact in the virtual environment. This work explores the impact of guidance forms on user experience and basic operations in virtual environments based on three VR games with interactive content ranging from simple to complex. We conducted a user study (n=105) to compare the impact of text-and-image-based guidance, video-based guidance, and interactive guidance on user experience and basic operational learning. The results show that interactive guidance makes users more immersive, especially in environments that involve complex interactions. At the same time, the user’s sense of immersion, which is reflected in the heart rate change in this study, is also significantly correlated with the user’s learning situation and can be used as an indicator to roughly estimate the user’s learning situation. These findings emphasize that user-guidance forms, as an important part of the virtual reality experience, can directly affect the user experience and the user’s learning of operations in the virtual environment.
由于一些消费级虚拟现实设备的发布,虚拟现实(VR)最近变得流行起来。目前,VR技术已广泛应用于教育、娱乐等领域。然而,到目前为止,还没有统一的方法来教导用户如何在虚拟环境中进行交互。本研究通过三款互动内容从简单到复杂的VR游戏,探讨了引导形式对虚拟环境中用户体验和基本操作的影响。我们进行了一项用户研究(n=105),比较基于文本和图像的指导、基于视频的指导和交互式指导对用户体验和基本操作学习的影响。结果表明,交互式引导使用户更具沉浸感,特别是在涉及复杂交互的环境中。同时,在本研究中体现为心率变化的用户沉浸感也与用户的学习情况显著相关,可以作为一个指标来粗略估计用户的学习情况。这些发现强调用户引导形式作为虚拟现实体验的重要组成部分,可以直接影响用户体验和用户对虚拟环境中操作的学习。
{"title":"Which User Guidance Works Better in VR? A User Guidance Learning Effect Study in Virtual Environment","authors":"Shuqin Zhu, Xiaoping Che, Chenxin Qu, Hao Li, Siyuan Wang","doi":"10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00170","DOIUrl":"https://doi.org/10.1109/SmartWorld-UIC-ATC-ScalCom-DigitalTwin-PriComp-Metaverse56740.2022.00170","url":null,"abstract":"Virtual reality (VR) has become popular recently due to the release of several consumer-grade VR devices. At present, VR technology has been widely used in education, entertainment, and other fields. However, up to now, there is no unified method to teach users how to interact in the virtual environment. This work explores the impact of guidance forms on user experience and basic operations in virtual environments based on three VR games with interactive content ranging from simple to complex. We conducted a user study (n=105) to compare the impact of text-and-image-based guidance, video-based guidance, and interactive guidance on user experience and basic operational learning. The results show that interactive guidance makes users more immersive, especially in environments that involve complex interactions. At the same time, the user’s sense of immersion, which is reflected in the heart rate change in this study, is also significantly correlated with the user’s learning situation and can be used as an indicator to roughly estimate the user’s learning situation. These findings emphasize that user-guidance forms, as an important part of the virtual reality experience, can directly affect the user experience and the user’s learning of operations in the virtual environment.","PeriodicalId":43791,"journal":{"name":"Scalable Computing-Practice and Experience","volume":null,"pages":null},"PeriodicalIF":1.1,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"80280054","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
期刊
Scalable Computing-Practice and Experience
全部 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