首页 > 最新文献

Information Processing & Management最新文献

英文 中文
Heuristic personality recognition based on fusing multiple conversations and utterance-level affection 基于融合多对话和语篇级情感的启发式人格识别
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-23 DOI: 10.1016/j.ipm.2024.103931
Haijun He, Bobo Li, Yiyun Xiong, Li Zheng, Kang He, Fei Li, Donghong Ji
Personality Recognition in Conversations (PRC) is a task of significant interest and practical value. Existing studies on the PRC task utilize conversation inadequately and neglect affective information. Considering the way of information processing of these studies is not yet close enough to the concept of personality, we propose the SAH-GCN model for the PRC task in this study. This model initially processes the original conversation input to extract the central speaker feature. Leveraging Contrastive Learning, it continuously adjusts the embedding of each utterance by incorporating affective information to cope with the semantic similarity. Subsequently, the model employs Graph Convolutional Networks to simulate the conversation dynamics, ensuring comprehensive interaction between the central speaker feature and other relevant features. Lastly, it heuristically fuses central speaker features from multiple conversations involving the same speaker into one comprehensive feature, facilitating personality recognition. We conduct experiments using the recently released CPED dataset, which is the personality dataset encompassing affection labels and conversation details. Our results demonstrate that SAH-GCN achieves superior accuracy (+1.88%) compared to prior works on the PRC task. Further analysis verifies the efficacy of our scheme that fuses multiple conversations and incorporates affective information for personality recognition.
对话中的人格识别(PRC)是一项具有重大意义和实用价值的任务。现有的关于人格识别任务的研究对对话的利用不够充分,忽略了情感信息。考虑到这些研究的信息处理方式还不够贴近人格的概念,我们在本研究中提出了针对 PRC 任务的 SAH-GCN 模型。该模型对原始对话输入进行初步处理,以提取说话者的中心特征。利用对比学习(Contrastive Learning)技术,该模型会结合情感信息不断调整每句话的嵌入,以应对语义相似性问题。随后,该模型采用图卷积网络来模拟对话动态,确保中心发言人特征与其他相关特征之间的全面互动。最后,它启发式地将涉及同一发言人的多个对话中的中心发言人特征融合为一个综合特征,从而促进个性识别。我们使用最近发布的 CPED 数据集进行了实验,该数据集是包含感情标签和对话细节的个性数据集。结果表明,在 PRC 任务中,SAH-GCN 的准确率(+1.88%)优于之前的研究。进一步的分析验证了我们融合多个对话和情感信息的人格识别方案的有效性。
{"title":"Heuristic personality recognition based on fusing multiple conversations and utterance-level affection","authors":"Haijun He,&nbsp;Bobo Li,&nbsp;Yiyun Xiong,&nbsp;Li Zheng,&nbsp;Kang He,&nbsp;Fei Li,&nbsp;Donghong Ji","doi":"10.1016/j.ipm.2024.103931","DOIUrl":"10.1016/j.ipm.2024.103931","url":null,"abstract":"<div><div><strong>P</strong>ersonality <strong>R</strong>ecognition in <strong>C</strong>onversations (<strong>PRC</strong>) is a task of significant interest and practical value. Existing studies on the PRC task utilize conversation inadequately and neglect affective information. Considering the way of information processing of these studies is not yet close enough to the concept of personality, we propose the SAH-GCN model for the PRC task in this study. This model initially processes the original conversation input to extract the central speaker feature. Leveraging Contrastive Learning, it continuously adjusts the embedding of each utterance by incorporating affective information to cope with the semantic similarity. Subsequently, the model employs Graph Convolutional Networks to simulate the conversation dynamics, ensuring comprehensive interaction between the central speaker feature and other relevant features. Lastly, it heuristically fuses central speaker features from multiple conversations involving the same speaker into one comprehensive feature, facilitating personality recognition. We conduct experiments using the recently released CPED dataset, which is the personality dataset encompassing affection labels and conversation details. Our results demonstrate that SAH-GCN achieves superior accuracy (+1.88%) compared to prior works on the PRC task. Further analysis verifies the efficacy of our scheme that fuses multiple conversations and incorporates affective information for personality recognition.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103931"},"PeriodicalIF":7.4,"publicationDate":"2024-10-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142536066","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
LacGCL: Lightweight message masking with linear attention and cross-view interaction graph contrastive learning for recommendation LacGCL:利用线性注意力和跨视图交互图对比学习进行轻量级信息屏蔽,以促进推荐
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-23 DOI: 10.1016/j.ipm.2024.103930
Haohe Jia , Peng Hou , Yong Zhou , Hongbin Zhu , Hongfeng Chai
Graph contrastive learning (GCL) has recently attracted significant attention in the field of recommender systems. However, many GCL methods aim to enhance recommendation accuracy by employing dense matrix operations and frequent manipulation of graph structures to generate contrast views, leading to substantial computational resource consumption. While simpler GCL methods have lower computational costs, they fail to fully exploit collaborative filtering information, leading to reduced accuracy. On the other hand, more complex adaptive methods achieve higher accuracy but at the expense of significantly greater computational cost. Consequently, there exists a considerable gap in accuracy between these lightweight models and the more complex GCL methods focused on high accuracy.
To address this issue and achieve high predictive accuracy while maintaining low computational cost, we propose a novel method that incorporates attention-wise graph reconstruction with message masking and cross-view interaction for contrastive learning. The attention-wise graph reconstruction with message masking preserves the structural and semantic information of the graph while mitigating the overfitting problem. Linear attention ensures that the algorithm’s complexity remains low. Furthermore, the cross-view interaction is capable of capturing more high-quality latent features. Our results, validated on four datasets, demonstrate that the proposed method maintains a lightweight computational cost and significantly outperforms the baseline methods in recommendation accuracy.
最近,图形对比学习(GCL)在推荐系统领域引起了极大关注。然而,许多 GCL 方法旨在通过采用密集矩阵运算和频繁操作图结构来生成对比视图,从而提高推荐准确性,这导致了大量的计算资源消耗。虽然较简单的 GCL 方法计算成本较低,但它们无法充分利用协同过滤信息,导致准确性降低。另一方面,更复杂的自适应方法可以获得更高的准确度,但却要以显著增加计算成本为代价。为了解决这个问题,并在保持低计算成本的同时实现高预测准确性,我们提出了一种新方法,该方法结合了带有信息屏蔽和跨视图交互的注意力图重构,用于对比学习。带有信息掩码的注意力导向图重构保留了图的结构和语义信息,同时缓解了过拟合问题。线性注意力确保了算法的低复杂度。此外,跨视图交互能够捕捉到更多高质量的潜在特征。我们在四个数据集上验证的结果表明,所提出的方法保持了较低的计算成本,并且在推荐准确性上明显优于基线方法。
{"title":"LacGCL: Lightweight message masking with linear attention and cross-view interaction graph contrastive learning for recommendation","authors":"Haohe Jia ,&nbsp;Peng Hou ,&nbsp;Yong Zhou ,&nbsp;Hongbin Zhu ,&nbsp;Hongfeng Chai","doi":"10.1016/j.ipm.2024.103930","DOIUrl":"10.1016/j.ipm.2024.103930","url":null,"abstract":"<div><div>Graph contrastive learning (GCL) has recently attracted significant attention in the field of recommender systems. However, many GCL methods aim to enhance recommendation accuracy by employing dense matrix operations and frequent manipulation of graph structures to generate contrast views, leading to substantial computational resource consumption. While simpler GCL methods have lower computational costs, they fail to fully exploit collaborative filtering information, leading to reduced accuracy. On the other hand, more complex adaptive methods achieve higher accuracy but at the expense of significantly greater computational cost. Consequently, there exists a considerable gap in accuracy between these lightweight models and the more complex GCL methods focused on high accuracy.</div><div>To address this issue and achieve high predictive accuracy while maintaining low computational cost, we propose a novel method that incorporates attention-wise graph reconstruction with message masking and cross-view interaction for contrastive learning. The attention-wise graph reconstruction with message masking preserves the structural and semantic information of the graph while mitigating the overfitting problem. Linear attention ensures that the algorithm’s complexity remains low. Furthermore, the cross-view interaction is capable of capturing more high-quality latent features. Our results, validated on four datasets, demonstrate that the proposed method maintains a lightweight computational cost and significantly outperforms the baseline methods in recommendation accuracy.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103930"},"PeriodicalIF":7.4,"publicationDate":"2024-10-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142536247","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
QAIE: LLM-based Quantity Augmentation and Information Enhancement for few-shot Aspect-Based Sentiment Analysis QAIE:基于 LLM 的数量扩增和信息增强技术,适用于基于几个方面的情感分析
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-22 DOI: 10.1016/j.ipm.2024.103917
Heng-yang Lu , Tian-ci Liu , Rui Cong , Jun Yang , Qiang Gan , Wei Fang , Xiao-jun Wu
Aspect-based Sentiment Analysis (ABSA) aims to extract fine-grained sentiment information from online reviews. Few-shot ABSA faces challenges with limited labeled data and recent generative models have outperformed traditional classification models. Existing methods use Question Answering (QA) templates with Text-to-Text Transfer Transformer (T5) to extract sentiment elements, introducing a generative sentiment analysis paradigm. However, these models often fail to fully grasp ABSA rules, generating non-standard or incorrect outputs. This issue also arises with large language models (LLMs) due to insufficient labeled data for tuning and learning. Additionally, ABSA datasets often include many short, uninformative reviews, complicating sentiment element extraction in few-shot scenarios. This paper addresses two major challenges in few-shot ABSA: (1) How to let the generative model well understand the ABSA rules under few-shot scenarios. (2) How to enhance the review text with richer information. We propose a Quantity Augmentation and Information Enhancement (QAIE) approach, leveraging LLMs to generate fluent texts and infer implicit information. First, we propose a quantity augmentation module, which leverages the large language model (LLM) to obtain sufficient labeled data for the generative model to learn the ABSA rules better. Then, we introduce an information enhancement module, which brings more informative input to the generative model by enhancing the information in the review. Comprehensive experiments on five ABSA tasks using three widely-used datasets demonstrate that our QAIE model achieves approximately 10% improvement over state-of-the-art models. Specifically, for the most challenging ASQP task, our LLM-based model is compared with the existing state-of-the-art models on datasets Rest15 and Rest16, achieving F1 gains of 9.42% and 6.45% respectively in the k=5 few-shot setting.
基于方面的情感分析(ABSA)旨在从在线评论中提取细粒度的情感信息。由于标注的数据有限,很少有样本的 ABSA 面临着挑战,而最近的生成模型在性能上优于传统的分类模型。现有方法使用带有文本到文本转换器(T5)的问题解答(QA)模板来提取情感元素,从而引入了一种生成式情感分析范式。然而,这些模型往往无法完全掌握 ABSA 规则,从而产生非标准或不正确的输出。由于用于调整和学习的标注数据不足,大型语言模型(LLM)也会出现这个问题。此外,ABSA 数据集通常包含许多短小、无信息量的评论,这就使少量评论场景中的情感元素提取变得更加复杂。本文主要探讨了少量评论 ABSA 的两大挑战:(1)如何让生成模型很好地理解少量评论场景下的 ABSA 规则。(2) 如何用更丰富的信息来增强评论文本。我们提出了一种数量增强和信息增强(QAIE)方法,利用 LLM 生成流畅的文本并推断隐含信息。首先,我们提出了一个数量增强模块,利用大语言模型(LLM)获得足够的标注数据,以便生成模型更好地学习 ABSA 规则。然后,我们引入了信息增强模块,通过增强评论中的信息为生成模型带来更多信息输入。利用三个广泛使用的数据集对五项 ABSA 任务进行的综合实验表明,我们的 QAIE 模型比最先进的模型提高了约 10%。具体来说,在最具挑战性的 ASQP 任务中,我们基于 LLM 的模型与现有数据集 Rest15 和 Rest16 上的先进模型进行了比较,在 k=5 few-shot 设置下,F1 增益分别为 9.42% 和 6.45%。
{"title":"QAIE: LLM-based Quantity Augmentation and Information Enhancement for few-shot Aspect-Based Sentiment Analysis","authors":"Heng-yang Lu ,&nbsp;Tian-ci Liu ,&nbsp;Rui Cong ,&nbsp;Jun Yang ,&nbsp;Qiang Gan ,&nbsp;Wei Fang ,&nbsp;Xiao-jun Wu","doi":"10.1016/j.ipm.2024.103917","DOIUrl":"10.1016/j.ipm.2024.103917","url":null,"abstract":"<div><div>Aspect-based Sentiment Analysis (ABSA) aims to extract fine-grained sentiment information from online reviews. Few-shot ABSA faces challenges with limited labeled data and recent generative models have outperformed traditional classification models. Existing methods use Question Answering (QA) templates with Text-to-Text Transfer Transformer (T5) to extract sentiment elements, introducing a generative sentiment analysis paradigm. However, these models often fail to fully grasp ABSA rules, generating non-standard or incorrect outputs. This issue also arises with large language models (LLMs) due to insufficient labeled data for tuning and learning. Additionally, ABSA datasets often include many short, uninformative reviews, complicating sentiment element extraction in few-shot scenarios. This paper addresses two major challenges in few-shot ABSA: (1) <em>How to let the generative model well understand the ABSA rules under few-shot scenarios</em>. (2) <em>How to enhance the review text with richer information</em>. We propose a <strong>Q</strong>uantity <strong>A</strong>ugmentation and <strong>I</strong>nformation <strong>E</strong>nhancement (<strong>QAIE</strong>) approach, leveraging LLMs to generate fluent texts and infer implicit information. First, we propose a quantity augmentation module, which leverages the large language model (LLM) to obtain sufficient labeled data for the generative model to learn the ABSA rules better. Then, we introduce an information enhancement module, which brings more informative input to the generative model by enhancing the information in the review. Comprehensive experiments on five ABSA tasks using three widely-used datasets demonstrate that our QAIE model achieves approximately 10% improvement over state-of-the-art models. Specifically, for the most challenging ASQP task, our LLM-based model is compared with the existing state-of-the-art models on datasets Rest15 and Rest16, achieving F1 gains of 9.42% and 6.45% respectively in the <span><math><mrow><mi>k</mi><mo>=</mo><mn>5</mn></mrow></math></span> few-shot setting.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103917"},"PeriodicalIF":7.4,"publicationDate":"2024-10-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142536246","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A hybrid feature fusion deep learning framework for multi-source medical image analysis 用于多源医学图像分析的混合特征融合深度学习框架
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-20 DOI: 10.1016/j.ipm.2024.103934
Qiang Cao , Xian Cheng
Despite the widespread adoption of deep learning to enhance image classification, significant obstacles remain. First, multisource data with diverse sizes and formats is a great challenge for most current deep learning models. Second, lacking manual labeled data for model training limits the application of deep learning. Third, the widely used CNN-based methods shows their limitations in extracting global features and yield poor performance for image topology. To address these issues, we propose a Hybrid Feature Fusion Deep Learning (HFFDL) framework for image classification. This framework consists of an automated image segmentation module, a two-stream backbone module, and a classification module. The automatic image segmentation module utilizes the U-Net model and transfer learning to detect region of interest (ROI) in multisource images; the two-stream backbone module integrates the Swin Transformer architecture with the Inception CNN, with the aim of simultaneous extracting local and global features for efficient representation learning. We evaluate the performance of HFFDL framework with two publicly available image datasets: one for identifying COVID-19 through X-ray scans of the chest (30,386 images), and another for multiclass skin cancer screening using dermoscopy images (25,331 images). The HFFDL framework exhibited greater performance in comparison to many cutting-edge models, achieving the AUC score 0.9835 and 0.8789, respectively. Furthermore, a practical application study conducted in a hospital, identifying viable embryos using medical images, revealed the HFFDL framework outperformed embryologists.
尽管深度学习已被广泛应用于增强图像分类,但仍存在重大障碍。首先,对于目前大多数深度学习模型来说,不同大小和格式的多源数据是一个巨大的挑战。其次,缺乏用于模型训练的人工标注数据限制了深度学习的应用。第三,广泛使用的基于 CNN 的方法在提取全局特征方面存在局限性,在图像拓扑方面表现不佳。为了解决这些问题,我们提出了一种用于图像分类的混合特征融合深度学习(HFFDL)框架。该框架由自动图像分割模块、双流骨干模块和分类模块组成。自动图像分割模块利用 U-Net 模型和迁移学习来检测多源图像中的感兴趣区域(ROI);双流骨干模块集成了 Swin Transformer 架构和 Inception CNN,旨在同时提取局部和全局特征,以实现高效的表征学习。我们用两个公开的图像数据集评估了 HFFDL 框架的性能:一个数据集用于通过胸部 X 光扫描(30,386 幅图像)识别 COVID-19,另一个数据集用于使用皮肤镜图像(25,331 幅图像)进行多类皮肤癌筛查。与许多前沿模型相比,HFFDL 框架表现出更高的性能,AUC 分别达到 0.9835 和 0.8789。此外,一项在医院进行的实际应用研究显示,HFFDL 框架在利用医学图像识别存活胚胎方面的表现优于胚胎学家。
{"title":"A hybrid feature fusion deep learning framework for multi-source medical image analysis","authors":"Qiang Cao ,&nbsp;Xian Cheng","doi":"10.1016/j.ipm.2024.103934","DOIUrl":"10.1016/j.ipm.2024.103934","url":null,"abstract":"<div><div>Despite the widespread adoption of deep learning to enhance image classification, significant obstacles remain. First, multisource data with diverse sizes and formats is a great challenge for most current deep learning models. Second, lacking manual labeled data for model training limits the application of deep learning. Third, the widely used CNN-based methods shows their limitations in extracting global features and yield poor performance for image topology. To address these issues, we propose a Hybrid Feature Fusion Deep Learning (HFFDL) framework for image classification. This framework consists of an automated image segmentation module, a two-stream backbone module, and a classification module. The automatic image segmentation module utilizes the U-Net model and transfer learning to detect region of interest (ROI) in multisource images; the two-stream backbone module integrates the Swin Transformer architecture with the Inception CNN, with the aim of simultaneous extracting local and global features for efficient representation learning. We evaluate the performance of HFFDL framework with two publicly available image datasets: one for identifying COVID-19 through X-ray scans of the chest (30,386 images), and another for multiclass skin cancer screening using dermoscopy images (25,331 images). The HFFDL framework exhibited greater performance in comparison to many cutting-edge models, achieving the AUC score 0.9835 and 0.8789, respectively. Furthermore, a practical application study conducted in a hospital, identifying viable embryos using medical images, revealed the HFFDL framework outperformed embryologists.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103934"},"PeriodicalIF":7.4,"publicationDate":"2024-10-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142535923","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Triple Sparse Denoising Discriminantive Least Squares Regression for image classification 用于图像分类的三重稀疏去噪判别最小二乘回归技术
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-19 DOI: 10.1016/j.ipm.2024.103922
Jinjin Zhang, Qimeng Fan, Dingan Wang, Pu Huang, Zhangjing Yang
Discriminantive Least Squares Regression (DLSR) is an algorithm that employs ɛ-draggings techniques to enhance intra-class similarity. However, it overlooks that an increase in intra-class closeness may simultaneously lead to a decrease in the distance between similar but different classes. To address this issue, we propose a new approach called Triple Sparse Denoising Discriminantive Least Squares Regression (TSDDLSR), which combines three sparsity constraints: sparsity constraints between classes to amplify the growth of the distance between similar classes; sparsity constraints on relaxation matrices to capture more local structure; sparsity constraints on noise matrices to minimize the effect of outliers. In addition, we position the matrix decomposition step in the label space strategically with the objective of enhancing denoising capabilities, safeguarding it from potential degradation, and preserving its underlying manifold structure. Our experiments evaluate the classification performance of the method under face recognition tasks (AR, CMU PIE, Extended Yale B, Georgia Tech, FERET datasets), biometric recognition tasks (PolyU Palmprint dataset), and object recognition tasks (COIL-20, ImageNet datasets). Meanwhile, the results show that TSDDLSR significantly improves classification performance compared to existing methods.
判别最小二乘法回归(DLSR)是一种利用ɛ拖曳技术来提高类内相似度的算法。然而,它忽略了类内相似度的增加可能会同时导致相似但不同类之间距离的减小。为了解决这个问题,我们提出了一种名为三重稀疏去噪最小二乘回归(TSDDLSR)的新方法,它结合了三种稀疏性约束:类间稀疏性约束,以放大相似类间距离的增长;松弛矩阵稀疏性约束,以捕捉更多局部结构;噪声矩阵稀疏性约束,以最小化异常值的影响。此外,我们将矩阵分解步骤战略性地置于标签空间中,目的是增强去噪能力,防止潜在的退化,并保留其底层流形结构。我们的实验评估了该方法在人脸识别任务(AR、CMU PIE、Extended Yale B、Georgia Tech、FERET 数据集)、生物识别任务(PolyU Palmprint 数据集)和物体识别任务(COIL-20、ImageNet 数据集)下的分类性能。同时,研究结果表明,与现有方法相比,TSDDLSR 能显著提高分类性能。
{"title":"Triple Sparse Denoising Discriminantive Least Squares Regression for image classification","authors":"Jinjin Zhang,&nbsp;Qimeng Fan,&nbsp;Dingan Wang,&nbsp;Pu Huang,&nbsp;Zhangjing Yang","doi":"10.1016/j.ipm.2024.103922","DOIUrl":"10.1016/j.ipm.2024.103922","url":null,"abstract":"<div><div>Discriminantive Least Squares Regression (DLSR) is an algorithm that employs <span><math><mi>ɛ</mi></math></span>-draggings techniques to enhance intra-class similarity. However, it overlooks that an increase in intra-class closeness may simultaneously lead to a decrease in the distance between similar but different classes. To address this issue, we propose a new approach called Triple Sparse Denoising Discriminantive Least Squares Regression (TSDDLSR), which combines three sparsity constraints: sparsity constraints between classes to amplify the growth of the distance between similar classes; sparsity constraints on relaxation matrices to capture more local structure; sparsity constraints on noise matrices to minimize the effect of outliers. In addition, we position the matrix decomposition step in the label space strategically with the objective of enhancing denoising capabilities, safeguarding it from potential degradation, and preserving its underlying manifold structure. Our experiments evaluate the classification performance of the method under face recognition tasks (AR, CMU PIE, Extended Yale B, Georgia Tech, FERET datasets), biometric recognition tasks (PolyU Palmprint dataset), and object recognition tasks (COIL-20, ImageNet datasets). Meanwhile, the results show that TSDDLSR significantly improves classification performance compared to existing methods.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103922"},"PeriodicalIF":7.4,"publicationDate":"2024-10-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142536026","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Quantifying the degree of scientific innovation breakthrough: Considering knowledge trajectory change and impact 量化科学创新突破的程度:考虑知识轨迹的变化和影响
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-19 DOI: 10.1016/j.ipm.2024.103933
Lin Runhui , Li Yalin , Ji Ze , Xie Qiqi , Chen Xiaoyu
Scientific breakthroughs have the potential to reshape the trajectory of knowledge flow and significantly impact later research. The aim of this study is to introduce the Degree of Innovation Breakthrough (DIB) metric to more accurately quantify the extent of scientific breakthroughs. The DIB metric takes into account changes in the trajectory of knowledge flow, as well as the deep and width of impact, and it modifies the traditional assumption of equal citation contributions by assigning weighted citation counts. The effectiveness of the DIB metric is assessed using ROC curves and AUC metrics, demonstrating its ability to differentiate between high and low scientific breakthroughs with high sensitivity and minimal false positives. Based on ROC curves, this study proposes a method to calculate the threshold for high scientific breakthrough, reducing subjectivity. The effectiveness of the proposed method is demonstrated through a dataset consisting of 1108 award-winning computer science papers and 9832 matched control papers, showing that the DIB metric surpasses single-dimensional metrics. The study also performs a granular analysis of the innovation breakthrough degree of non-award-winning papers, categorizing them into four types based on originality and impact through 2D histogram visualization, and suggests tailored management strategies. Through the adoption of this refined classification strategy, the management of innovation practices can be optimized, ultimately fostering the enhancement of innovative research outcomes. The quantitative tools introduced in this paper offer guidance for researchers in the fields of science intelligence mining and science trend prediction.
科学突破有可能重塑知识流动的轨迹,并对后来的研究产生重大影响。本研究旨在引入 "创新突破度"(DIB)指标,以更准确地量化科学突破的程度。DIB 指标考虑了知识流动轨迹的变化以及影响的深度和广度,并通过分配加权引文次数修改了传统的等量引文贡献假设。我们使用 ROC 曲线和 AUC 指标对 DIB 指标的有效性进行了评估,结果表明该指标能够以较高的灵敏度和最小的误报率区分高科学突破和低科学突破。基于 ROC 曲线,本研究提出了一种计算高科学突破阈值的方法,减少了主观性。通过一个由 1108 篇获奖计算机科学论文和 9832 篇匹配对照论文组成的数据集,证明了所提方法的有效性,表明 DIB 指标超越了单维指标。研究还对非获奖论文的创新突破程度进行了细化分析,通过二维直方图可视化将非获奖论文根据原创性和影响力分为四种类型,并提出了有针对性的管理策略。通过采用这种精细化分类策略,可以优化创新实践管理,最终促进创新研究成果的提升。本文介绍的定量工具为科学情报挖掘和科学趋势预测领域的研究人员提供了指导。
{"title":"Quantifying the degree of scientific innovation breakthrough: Considering knowledge trajectory change and impact","authors":"Lin Runhui ,&nbsp;Li Yalin ,&nbsp;Ji Ze ,&nbsp;Xie Qiqi ,&nbsp;Chen Xiaoyu","doi":"10.1016/j.ipm.2024.103933","DOIUrl":"10.1016/j.ipm.2024.103933","url":null,"abstract":"<div><div>Scientific breakthroughs have the potential to reshape the trajectory of knowledge flow and significantly impact later research. The aim of this study is to introduce the Degree of Innovation Breakthrough (DIB) metric to more accurately quantify the extent of scientific breakthroughs. The DIB metric takes into account changes in the trajectory of knowledge flow, as well as the deep and width of impact, and it modifies the traditional assumption of equal citation contributions by assigning weighted citation counts. The effectiveness of the DIB metric is assessed using ROC curves and AUC metrics, demonstrating its ability to differentiate between high and low scientific breakthroughs with high sensitivity and minimal false positives. Based on ROC curves, this study proposes a method to calculate the threshold for high scientific breakthrough, reducing subjectivity. The effectiveness of the proposed method is demonstrated through a dataset consisting of 1108 award-winning computer science papers and 9832 matched control papers, showing that the DIB metric surpasses single-dimensional metrics. The study also performs a granular analysis of the innovation breakthrough degree of non-award-winning papers, categorizing them into four types based on originality and impact through 2D histogram visualization, and suggests tailored management strategies. Through the adoption of this refined classification strategy, the management of innovation practices can be optimized, ultimately fostering the enhancement of innovative research outcomes. The quantitative tools introduced in this paper offer guidance for researchers in the fields of science intelligence mining and science trend prediction.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103933"},"PeriodicalIF":7.4,"publicationDate":"2024-10-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142536025","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Examining communication network behaviors, structure and dynamics in an organizational hierarchy: A social network analysis approach 研究组织层级中的通信网络行为、结构和动态:社会网络分析方法
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-19 DOI: 10.1016/j.ipm.2024.103927
Tao Wen , Yu-wang Chen , Tahir Abbas Syed , Darminder Ghataoura
Effectively understanding and enhancing communication flows among employees within an organizational hierarchy is crucial for optimizing operational and decision-making efficiency. To fill this significant gap in research, we propose a systematic and comprehensive social network analysis approach, coupled with a newly formulated communication vector and matrix, to examine communication behaviors and dynamics in an organizational hierarchy. We use the Enron email dataset, consisting of 619,499 emails, as an illustrative example to bridge the micro-macro divide of organizational communication research. A series of centrality measures are employed to evaluate the influential ability of individual employees, revealing descending influential ability and changing behaviors according to hierarchy. We also uncover that employees tend to communicate within the same functional teams through the identification of community structure and the proposed communication matrix. Furthermore, the emergent dynamics of organizational communication during a crisis are examined through a time-segmented dataset, showcasing the progressive absence of the legal team, the responsibility of top management, and the presence of hierarchy. By considering both individual and organizational perspectives, our work provides a systematic and data-driven approach to understanding how the organizational communication network emerges dynamically from individual communication behaviors within the hierarchy, which has the potential to enhance operational and decision-making efficiency within organizations.
有效了解和加强组织层级中员工之间的沟通对于优化运营和决策效率至关重要。为了填补这一重大研究空白,我们提出了一种系统而全面的社会网络分析方法,并结合新制定的沟通向量和矩阵,来研究组织层级中的沟通行为和动态。我们以由 619,499 封电子邮件组成的安然电子邮件数据集为例,说明如何弥合组织沟通研究的微观-宏观鸿沟。我们采用了一系列中心度量来评估单个员工的影响能力,揭示了不同层级的员工影响能力和行为变化。我们还通过确定社区结构和提出沟通矩阵,发现员工倾向于在同一职能团队内进行沟通。此外,我们还通过分时数据集研究了危机期间组织沟通的突发动态,展示了法律团队的逐步缺失、高层管理者的责任以及等级制度的存在。通过考虑个人和组织两个视角,我们的工作提供了一种系统化和数据驱动的方法,用于理解组织沟通网络是如何从个人在层级中的沟通行为中动态产生的,这有可能提高组织内的运营和决策效率。
{"title":"Examining communication network behaviors, structure and dynamics in an organizational hierarchy: A social network analysis approach","authors":"Tao Wen ,&nbsp;Yu-wang Chen ,&nbsp;Tahir Abbas Syed ,&nbsp;Darminder Ghataoura","doi":"10.1016/j.ipm.2024.103927","DOIUrl":"10.1016/j.ipm.2024.103927","url":null,"abstract":"<div><div>Effectively understanding and enhancing communication flows among employees within an organizational hierarchy is crucial for optimizing operational and decision-making efficiency. To fill this significant gap in research, we propose a systematic and comprehensive social network analysis approach, coupled with a newly formulated communication vector and matrix, to examine communication behaviors and dynamics in an organizational hierarchy. We use the Enron email dataset, consisting of 619,499 emails, as an illustrative example to bridge the micro-macro divide of organizational communication research. A series of centrality measures are employed to evaluate the influential ability of individual employees, revealing descending influential ability and changing behaviors according to hierarchy. We also uncover that employees tend to communicate within the same functional teams through the identification of community structure and the proposed communication matrix. Furthermore, the emergent dynamics of organizational communication during a crisis are examined through a time-segmented dataset, showcasing the progressive absence of the legal team, the responsibility of top management, and the presence of hierarchy. By considering both individual and organizational perspectives, our work provides a systematic and data-driven approach to understanding how the organizational communication network emerges dynamically from individual communication behaviors within the hierarchy, which has the potential to enhance operational and decision-making efficiency within organizations.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103927"},"PeriodicalIF":7.4,"publicationDate":"2024-10-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142535922","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Unsupervised feature selection using sparse manifold learning: Auto-encoder approach 使用稀疏流形学习的无监督特征选择:自动编码器方法
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-18 DOI: 10.1016/j.ipm.2024.103923
Amir Moslemi , Mina Jamshidi
Feature selection techniques are widely being used as a preprocessing step to train machine learning algorithms to circumvent the curse of dimensionality, overfitting, and computation time challenges. Projection-based methods are frequently employed in feature selection, leveraging the extraction of linear relationships among features. The absence of nonlinear information extraction among features is notable in this context. While auto-encoder based techniques have recently gained traction for feature selection, their focus remains primarily on the encoding phase, as it is through this phase that the selected features are derived. The subtle point is that the performance of auto-encoder to obtain the most discriminative features is significantly affected by decoding phase. To address these challenges, in this paper, we proposed a novel feature selection based on auto-encoder to not only extracting nonlinear information among features but also decoding phase is regularized as well to enhance the performance of algorithm. In this study, we defined a new model of auto-encoder to preserve the topological information of reconstructed close to input data. To geometric structure of input data is preserved in projected space using Laplacian graph, and geometrical projected space is preserved in reconstructed space using a suitable term (abstract Laplacian graph of reconstructed data) in optimization problem. Preserving abstract Laplacian graph of reconstructed data close to Laplacian graph of input data affects the performance of feature selection and we experimentally showed this. Therefore, we show an effective approach to solve the objective of the corresponding problem. Since this approach can be mainly used for clustering aims, we conducted experiments on ten benchmark datasets and assessed our propped method based on clustering accuracy and normalized mutual information (NMI) metric. Our method obtained considerable superiority over recent state-of-the-art techniques in terms of NMI and accuracy.
特征选择技术被广泛用作训练机器学习算法的预处理步骤,以规避维度诅咒、过拟合和计算时间等难题。特征选择中经常使用基于投影的方法,利用提取特征之间的线性关系。在这种情况下,特征间非线性信息提取的缺失是值得注意的。虽然基于自动编码器的技术最近在特征选择中得到了广泛应用,但其重点仍主要集中在编码阶段,因为所选特征正是通过这一阶段得到的。一个微妙的问题是,自动编码器获取最具区分度特征的性能受到解码阶段的显著影响。为了应对这些挑战,本文提出了一种基于自动编码器的新型特征选择方法,不仅能提取特征间的非线性信息,还能对解码阶段进行正则化处理,从而提高算法的性能。在这项研究中,我们定义了一种新的自动编码器模型,以保留重建后接近输入数据的拓扑信息。利用拉普拉奇图在投影空间中保留输入数据的几何结构,并利用优化问题中的适当术语(重建数据的抽象拉普拉奇图)在重建空间中保留几何投影空间。保持重建数据的抽象拉普拉奇图接近输入数据的拉普拉奇图会影响特征选择的性能,我们的实验证明了这一点。因此,我们展示了一种解决相应问题目标的有效方法。由于这种方法主要用于聚类目的,我们在十个基准数据集上进行了实验,并根据聚类精度和归一化互信息(NMI)度量评估了我们的支持方法。在归一化互信息(NMI)和准确性方面,我们的方法比最近的先进技术有很大优势。
{"title":"Unsupervised feature selection using sparse manifold learning: Auto-encoder approach","authors":"Amir Moslemi ,&nbsp;Mina Jamshidi","doi":"10.1016/j.ipm.2024.103923","DOIUrl":"10.1016/j.ipm.2024.103923","url":null,"abstract":"<div><div>Feature selection techniques are widely being used as a preprocessing step to train machine learning algorithms to circumvent the curse of dimensionality, overfitting, and computation time challenges. Projection-based methods are frequently employed in feature selection, leveraging the extraction of linear relationships among features. The absence of nonlinear information extraction among features is notable in this context. While auto-encoder based techniques have recently gained traction for feature selection, their focus remains primarily on the encoding phase, as it is through this phase that the selected features are derived. The subtle point is that the performance of auto-encoder to obtain the most discriminative features is significantly affected by decoding phase. To address these challenges, in this paper, we proposed a novel feature selection based on auto-encoder to not only extracting nonlinear information among features but also decoding phase is regularized as well to enhance the performance of algorithm. In this study, we defined a new model of auto-encoder to preserve the topological information of reconstructed close to input data. To geometric structure of input data is preserved in projected space using Laplacian graph, and geometrical projected space is preserved in reconstructed space using a suitable term (abstract Laplacian graph of reconstructed data) in optimization problem. Preserving abstract Laplacian graph of reconstructed data close to Laplacian graph of input data affects the performance of feature selection and we experimentally showed this. Therefore, we show an effective approach to solve the objective of the corresponding problem. Since this approach can be mainly used for clustering aims, we conducted experiments on ten benchmark datasets and assessed our propped method based on clustering accuracy and normalized mutual information (NMI) metric. Our method obtained considerable superiority over recent state-of-the-art techniques in terms of NMI and accuracy.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103923"},"PeriodicalIF":7.4,"publicationDate":"2024-10-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142446437","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
EvoPath: Evolutionary meta-path discovery with large language models for complex heterogeneous information networks EvoPath:利用大型语言模型为复杂的异构信息网络发现进化元路径
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-18 DOI: 10.1016/j.ipm.2024.103920
Shixuan Liu , Haoxiang Cheng , Yunfei Wang , Yue He , Changjun Fan , Zhong Liu
Heterogeneous Information Networks (HINs) encapsulate diverse entity and relation types, with meta-paths providing essential meta-level semantics for knowledge reasoning, although their utility is constrained by discovery challenges. While Large Language Models (LLMs) offer new prospects for meta-path discovery due to their extensive knowledge encoding and efficiency, their adaptation faces challenges such as corpora bias, lexical discrepancies, and hallucination. This paper pioneers the mitigation of these challenges by presenting EvoPath, an innovative framework that leverages LLMs to efficiently identify high-quality meta-paths. EvoPath is carefully designed, with each component aimed at addressing issues that could lead to potential knowledge conflicts. With a minimal subset of HIN facts, EvoPath iteratively generates and evolves meta-paths by dynamically replaying meta-paths in the buffer with prioritization based on their scores. Comprehensive experiments on three large, complex HINs with hundreds of relations demonstrate that our framework, EvoPath, enables LLMs to generate high-quality meta-paths through effective prompting, confirming its superior performance in HIN reasoning tasks. Further ablation studies validate the effectiveness of each module within the framework.
异构信息网络(HIN)封装了各种实体和关系类型,元路径为知识推理提供了重要的元级语义,但其实用性受到发现挑战的限制。虽然大语言模型(LLM)因其广泛的知识编码和高效性为元路径发现提供了新的前景,但其适应性面临着语料偏差、词汇差异和幻觉等挑战。EvoPath 是一种利用 LLMs 高效识别高质量元路径的创新框架,本文通过介绍 EvoPath 率先缓解了这些挑战。EvoPath 经过精心设计,每个组件都旨在解决可能导致潜在知识冲突的问题。EvoPath 使用最小的 HIN 事实子集,通过动态重放缓冲区中的元路径,并根据其分数确定优先级,从而迭代生成和演化元路径。在三个包含数百个关系的大型复杂 HIN 上进行的综合实验证明,我们的框架 EvoPath 能够通过有效的提示使 LLM 生成高质量的元路径,从而证实了它在 HIN 推理任务中的卓越性能。进一步的消融研究验证了该框架中每个模块的有效性。
{"title":"EvoPath: Evolutionary meta-path discovery with large language models for complex heterogeneous information networks","authors":"Shixuan Liu ,&nbsp;Haoxiang Cheng ,&nbsp;Yunfei Wang ,&nbsp;Yue He ,&nbsp;Changjun Fan ,&nbsp;Zhong Liu","doi":"10.1016/j.ipm.2024.103920","DOIUrl":"10.1016/j.ipm.2024.103920","url":null,"abstract":"<div><div>Heterogeneous Information Networks (HINs) encapsulate diverse entity and relation types, with meta-paths providing essential meta-level semantics for knowledge reasoning, although their utility is constrained by discovery challenges. While Large Language Models (LLMs) offer new prospects for meta-path discovery due to their extensive knowledge encoding and efficiency, their adaptation faces challenges such as corpora bias, lexical discrepancies, and hallucination. This paper pioneers the mitigation of these challenges by presenting EvoPath, an innovative framework that leverages LLMs to efficiently identify high-quality meta-paths. EvoPath is carefully designed, with each component aimed at addressing issues that could lead to potential knowledge conflicts. With a minimal subset of HIN facts, EvoPath iteratively generates and evolves meta-paths by dynamically replaying meta-paths in the buffer with prioritization based on their scores. Comprehensive experiments on three large, complex HINs with hundreds of relations demonstrate that our framework, EvoPath, enables LLMs to generate high-quality meta-paths through effective prompting, confirming its superior performance in HIN reasoning tasks. Further ablation studies validate the effectiveness of each module within the framework.</div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103920"},"PeriodicalIF":7.4,"publicationDate":"2024-10-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142536024","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A diachronic language model for long-time span classical Chinese 长时跨古典汉语的非同步语言模型
IF 7.4 1区 管理学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-10-16 DOI: 10.1016/j.ipm.2024.103925
Yuting Wei, Meiling Li, Yangfu Zhu, Yuanxing Xu, Yuqing Li, Bin Wu
Classical Chinese literature, with its long history spanning thousands of years, serves as an invaluable resource for historical and humanistic studies. Previous classical Chinese language models have achieved significant progress in semantic understanding. However, they largely neglected the dynamic evolution of language across different historical eras. In this paper, we introduce a novel diachronic pre-trained language model tailored for classical Chinese texts. This model utilizes a time-based transformer architecture that captures the continuous evolution of semantics over time. Moreover, it adeptly balances the contextual and temporal information, minimizing semantic ambiguities from excessive time-related inputs. A high-quality diachronic corpus for classical Chinese is developed for training. This corpus spans from the pre-Qin dynasty to the Qing dynasty and includes a diverse array of genres. We validate its effectiveness by enriching a well-known classical Chinese word sense disambiguation dataset with additional temporal annotations. The results demonstrate the state-of-the-art performance of our model in discerning classical Chinese word meanings across different historical periods. Our research helps linguists to rapidly grasp the extent of semantic changes across different periods from vast corpora.1
中国古典文学有着数千年的悠久历史,是历史和人文研究的宝贵资源。以往的古汉语模型在语义理解方面取得了重大进展。然而,它们在很大程度上忽视了语言在不同历史时期的动态演变。在本文中,我们介绍了一种为古典中文文本量身定制的新型非同步预训练语言模型。该模型采用基于时间的转换器架构,可捕捉语义随时间的持续演变。此外,它还能巧妙地平衡上下文和时间信息,最大限度地减少因时间相关输入过多而产生的语义歧义。我们开发了一个高质量的古汉语异时语料库用于训练。该语料库的时间跨度从先秦到清代,包含多种体裁。我们在一个著名的古汉语词义消歧数据集上添加了额外的时间注释,从而验证了其有效性。结果表明,我们的模型在辨析不同历史时期的古汉语词义方面具有一流的性能。我们的研究有助于语言学家从庞大的语料库中快速掌握不同时期的语义变化程度1。
{"title":"A diachronic language model for long-time span classical Chinese","authors":"Yuting Wei,&nbsp;Meiling Li,&nbsp;Yangfu Zhu,&nbsp;Yuanxing Xu,&nbsp;Yuqing Li,&nbsp;Bin Wu","doi":"10.1016/j.ipm.2024.103925","DOIUrl":"10.1016/j.ipm.2024.103925","url":null,"abstract":"<div><div>Classical Chinese literature, with its long history spanning thousands of years, serves as an invaluable resource for historical and humanistic studies. Previous classical Chinese language models have achieved significant progress in semantic understanding. However, they largely neglected the dynamic evolution of language across different historical eras. In this paper, we introduce a novel diachronic pre-trained language model tailored for classical Chinese texts. This model utilizes a time-based transformer architecture that captures the continuous evolution of semantics over time. Moreover, it adeptly balances the contextual and temporal information, minimizing semantic ambiguities from excessive time-related inputs. A high-quality diachronic corpus for classical Chinese is developed for training. This corpus spans from the pre-Qin dynasty to the Qing dynasty and includes a diverse array of genres. We validate its effectiveness by enriching a well-known classical Chinese word sense disambiguation dataset with additional temporal annotations. The results demonstrate the state-of-the-art performance of our model in discerning classical Chinese word meanings across different historical periods. Our research helps linguists to rapidly grasp the extent of semantic changes across different periods from vast corpora.<span><span><sup>1</sup></span></span></div></div>","PeriodicalId":50365,"journal":{"name":"Information Processing & Management","volume":"62 1","pages":"Article 103925"},"PeriodicalIF":7.4,"publicationDate":"2024-10-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142440957","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"管理学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Information Processing & Management
全部 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