首页 > 最新文献

Complex & Intelligent Systems最新文献

英文 中文
A multi-level collaborative self-distillation learning for improving adaptive inference efficiency 提高自适应推理效率的多层次协作式自馏学习
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-14 DOI: 10.1007/s40747-024-01572-3
Likun Zhang, Jinbao Li, Benqian Zhang, Yahong Guo

A multi-exit network is an important technique for achieving adaptive inference by dynamically allocating computational resources based on different input samples. The existing works mainly treat the final classifier as the teacher, enhancing the classification accuracy by transferring knowledge to the intermediate classifiers. However, this traditional self-distillation training strategy only utilizes the knowledge contained in the final classifier, neglecting potentially distinctive knowledge in the other classifiers. To address this limitation, we propose a novel multi-level collaborative self-distillation learning strategy (MLCSD) that extracts knowledge from all the classifiers. MLCSD dynamically determines the weight coefficients for each classifier’s contribution through a learning process, thus constructing more comprehensive and effective teachers tailored to each classifier. These new teachers transfer the knowledge back to each classifier through a distillation technique, thereby further improving the network’s inference efficiency. We conduct experiments on three datasets, CIFAR10, CIFAR100, and Tiny-ImageNet. Compared with the baseline network that employs traditional self-distillation, our MLCSD-Net based on ResNet18 enhances the average classification accuracy by 1.18%. The experimental results demonstrate that MLCSD-Net improves the inference efficiency of adaptive inference applications, such as anytime prediction and budgeted batch classification. Code is available at https://github.com/deepzlk/MLCSD-Net.

多出口网络是根据不同输入样本动态分配计算资源以实现自适应推理的重要技术。现有研究主要将最终分类器视为教师,通过向中间分类器传输知识来提高分类精度。然而,这种传统的自馏分训练策略只利用了最终分类器中包含的知识,而忽略了其他分类器中潜在的独特知识。为了解决这一局限性,我们提出了一种新颖的多层次协作自馏学习策略(MLCSD),它能从所有分类器中提取知识。MLCSD 通过学习过程动态确定每个分类器贡献的权重系数,从而为每个分类器量身打造更全面、更有效的教师。这些新教师通过提炼技术将知识传回每个分类器,从而进一步提高网络的推理效率。我们在 CIFAR10、CIFAR100 和 Tiny-ImageNet 三个数据集上进行了实验。与采用传统自蒸馏技术的基线网络相比,我们基于 ResNet18 的 MLCSD 网络的平均分类准确率提高了 1.18%。实验结果表明,MLCSD-Net 提高了自适应推理应用的推理效率,如随时预测和预算批量分类。代码见 https://github.com/deepzlk/MLCSD-Net。
{"title":"A multi-level collaborative self-distillation learning for improving adaptive inference efficiency","authors":"Likun Zhang, Jinbao Li, Benqian Zhang, Yahong Guo","doi":"10.1007/s40747-024-01572-3","DOIUrl":"https://doi.org/10.1007/s40747-024-01572-3","url":null,"abstract":"<p>A multi-exit network is an important technique for achieving adaptive inference by dynamically allocating computational resources based on different input samples. The existing works mainly treat the final classifier as the teacher, enhancing the classification accuracy by transferring knowledge to the intermediate classifiers. However, this traditional self-distillation training strategy only utilizes the knowledge contained in the final classifier, neglecting potentially distinctive knowledge in the other classifiers. To address this limitation, we propose a novel multi-level collaborative self-distillation learning strategy (MLCSD) that extracts knowledge from all the classifiers. MLCSD dynamically determines the weight coefficients for each classifier’s contribution through a learning process, thus constructing more comprehensive and effective teachers tailored to each classifier. These new teachers transfer the knowledge back to each classifier through a distillation technique, thereby further improving the network’s inference efficiency. We conduct experiments on three datasets, CIFAR10, CIFAR100, and Tiny-ImageNet. Compared with the baseline network that employs traditional self-distillation, our MLCSD-Net based on ResNet18 enhances the average classification accuracy by 1.18%. The experimental results demonstrate that MLCSD-Net improves the inference efficiency of adaptive inference applications, such as anytime prediction and budgeted batch classification. Code is available at https://github.com/deepzlk/MLCSD-Net.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141986604","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Swarm mutual learning 蜂群相互学习
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-14 DOI: 10.1007/s40747-024-01573-2
Kang Haiyan, Wang Jiakang

With the rapid growth of big data, extracting meaningful knowledge from data is crucial for machine learning. The existing Swarm Learning data collaboration models face challenges such as data security, model security, high communication overhead, and model performance optimization. To address this, we propose the Swarm Mutual Learning (SML). Firstly, we introduce an Adaptive Mutual Distillation Algorithm that dynamically controls the learning intensity based on distillation weights and strength, enhancing the efficiency of knowledge extraction and transfer during mutual distillation. Secondly, we design a Global Parameter Aggregation Algorithm based on homomorphic encryption, coupled with a Dynamic Gradient Decomposition Algorithm using singular value decomposition. This allows the model to aggregate parameters in ciphertext, significantly reducing communication overhead during uploads and downloads. Finally, we validate the proposed methods on real datasets, demonstrating their effectiveness and efficiency in model updates. On the MNIST dataset and CIFAR-10 dataset, the local model accuracies reached 95.02% and 55.26%, respectively, surpassing those of the comparative models. Furthermore, while ensuring the security of the aggregation process, we significantly reduced the communication overhead for uploading and downloading.

随着大数据的快速增长,从数据中提取有意义的知识对机器学习至关重要。现有的蜂群学习数据协作模型面临着数据安全、模型安全、高通信开销和模型性能优化等挑战。为此,我们提出了蜂群互学(Swarm Mutual Learning,SML)。首先,我们引入了自适应互馏算法,根据互馏权重和强度动态控制学习强度,提高了互馏过程中知识提取和转移的效率。其次,我们设计了基于同态加密的全局参数聚合算法,并结合使用奇异值分解的动态梯度分解算法。这样,模型就能以密文形式聚合参数,从而大大减少上传和下载过程中的通信开销。最后,我们在真实数据集上验证了所提出的方法,证明了它们在模型更新中的有效性和效率。在 MNIST 数据集和 CIFAR-10 数据集上,本地模型的准确率分别达到了 95.02% 和 55.26%,超过了对比模型。此外,在确保聚合过程安全的同时,我们还大大减少了上传和下载的通信开销。
{"title":"Swarm mutual learning","authors":"Kang Haiyan, Wang Jiakang","doi":"10.1007/s40747-024-01573-2","DOIUrl":"https://doi.org/10.1007/s40747-024-01573-2","url":null,"abstract":"<p>With the rapid growth of big data, extracting meaningful knowledge from data is crucial for machine learning. The existing Swarm Learning data collaboration models face challenges such as data security, model security, high communication overhead, and model performance optimization. To address this, we propose the Swarm Mutual Learning (SML). Firstly, we introduce an Adaptive Mutual Distillation Algorithm that dynamically controls the learning intensity based on distillation weights and strength, enhancing the efficiency of knowledge extraction and transfer during mutual distillation. Secondly, we design a Global Parameter Aggregation Algorithm based on homomorphic encryption, coupled with a Dynamic Gradient Decomposition Algorithm using singular value decomposition. This allows the model to aggregate parameters in ciphertext, significantly reducing communication overhead during uploads and downloads. Finally, we validate the proposed methods on real datasets, demonstrating their effectiveness and efficiency in model updates. On the MNIST dataset and CIFAR-10 dataset, the local model accuracies reached 95.02% and 55.26%, respectively, surpassing those of the comparative models. Furthermore, while ensuring the security of the aggregation process, we significantly reduced the communication overhead for uploading and downloading.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141980947","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
TARGCN: temporal attention recurrent graph convolutional neural network for traffic prediction TARGCN:用于交通预测的时间注意力递归图卷积神经网络
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-14 DOI: 10.1007/s40747-024-01601-1
He Yang, Cong Jiang, Yun Song, Wendong Fan, Zelin Deng, Xinke Bai

Traffic prediction is crucial to the intelligent transportation system. However, accurate traffic prediction still faces challenges. It is difficult to extract dynamic spatial–temporal correlations of traffic flow and capture the specific traffic pattern for each sub-region. In this paper, a temporal attention recurrent graph convolutional neural network (TARGCN) is proposed to address these issues. The proposed TARGCN model fuses a node-embedded graph convolutional (Emb-GCN) layer, a gated recurrent unit (GRU) layer, and a temporal attention (TA) layer into a framework to exploit both dynamic spatial correlations between traffic nodes and temporal dependencies between time slices. In the Emb-GCN layer, node embedding matrix and node parameter learning techniques are employed to extract spatial correlations between traffic nodes at a fine-grained level and learn the specific traffic pattern for each node. Following this, a series of gated recurrent units are stacked as a GRU layer to capture spatial and temporal features from the traffic flow of adjacent nodes in the past few time slices simultaneously. Furthermore, an attention layer is applied in the temporal dimension to extend the receptive field of GRU. The combination of the Emb-GCN, GRU, and the TA layer facilitates the proposed framework exploiting not only the spatial–temporal dependencies but also the degree of interconnectedness between traffic nodes, which benefits the prediction a lot. Experiments on public traffic datasets PEMSD4 and PEMSD8 demonstrate the effectiveness of the proposed method. Compared with state-of-the-art baselines, it achieves 4.62% and 5.78% on PEMS03, 3.08% and 0.37% on PEMSD4, and 5.08% and 0.28% on PEMSD8 superiority on average. Especially for long-term prediction, prediction results for the 60-min interval show the proposed method presents a more notable advantage over compared benchmarks. The implementation on Pytorch is publicly available at https://github.com/csust-sonie/TARGCN.

交通预测对智能交通系统至关重要。然而,准确的交通预测仍然面临挑战。很难提取交通流的动态时空相关性,也很难捕捉每个子区域的特定交通模式。本文提出了一种时空注意力递归图卷积神经网络(TARGCN)来解决这些问题。所提出的 TARGCN 模型将节点嵌入图卷积(Emb-GCN)层、门控递归单元(GRU)层和时间注意力(TA)层融合到一个框架中,以利用交通节点之间的动态空间相关性和时间片之间的时间依赖性。在 Emb-GCN 层中,节点嵌入矩阵和节点参数学习技术被用于提取交通节点之间的细粒度空间相关性,并学习每个节点的特定交通模式。随后,一系列门控递归单元被叠加为 GRU 层,以同时捕捉过去几个时间片中相邻节点流量的时空特征。此外,还在时间维度上应用了注意力层,以扩展 GRU 的感受野。Emb-GCN、GRU 和 TA 层的结合使所提出的框架不仅能利用时空相关性,还能利用交通节点之间的相互关联度,这对预测大有裨益。在公共交通数据集 PEMSD4 和 PEMSD8 上进行的实验证明了所提方法的有效性。与最先进的基线相比,该方法在 PEMS03 上的平均优越性分别为 4.62% 和 5.78%,在 PEMSD4 上的平均优越性分别为 3.08% 和 0.37%,在 PEMSD8 上的平均优越性分别为 5.08% 和 0.28%。特别是在长期预测方面,60 分钟间隔的预测结果表明,所提出的方法与比较基准相比具有更显著的优势。在 Pytorch 上的实现可在 https://github.com/csust-sonie/TARGCN 上公开获得。
{"title":"TARGCN: temporal attention recurrent graph convolutional neural network for traffic prediction","authors":"He Yang, Cong Jiang, Yun Song, Wendong Fan, Zelin Deng, Xinke Bai","doi":"10.1007/s40747-024-01601-1","DOIUrl":"https://doi.org/10.1007/s40747-024-01601-1","url":null,"abstract":"<p>Traffic prediction is crucial to the intelligent transportation system. However, accurate traffic prediction still faces challenges. It is difficult to extract dynamic spatial–temporal correlations of traffic flow and capture the specific traffic pattern for each sub-region. In this paper, a temporal attention recurrent graph convolutional neural network (TARGCN) is proposed to address these issues. The proposed TARGCN model fuses a node-embedded graph convolutional (Emb-GCN) layer, a gated recurrent unit (GRU) layer, and a temporal attention (TA) layer into a framework to exploit both dynamic spatial correlations between traffic nodes and temporal dependencies between time slices. In the Emb-GCN layer, node embedding matrix and node parameter learning techniques are employed to extract spatial correlations between traffic nodes at a fine-grained level and learn the specific traffic pattern for each node. Following this, a series of gated recurrent units are stacked as a GRU layer to capture spatial and temporal features from the traffic flow of adjacent nodes in the past few time slices simultaneously. Furthermore, an attention layer is applied in the temporal dimension to extend the receptive field of GRU. The combination of the Emb-GCN, GRU, and the TA layer facilitates the proposed framework exploiting not only the spatial–temporal dependencies but also the degree of interconnectedness between traffic nodes, which benefits the prediction a lot. Experiments on public traffic datasets PEMSD4 and PEMSD8 demonstrate the effectiveness of the proposed method. Compared with state-of-the-art baselines, it achieves 4.62% and 5.78% on PEMS03, 3.08% and 0.37% on PEMSD4, and 5.08% and 0.28% on PEMSD8 superiority on average. Especially for long-term prediction, prediction results for the 60-min interval show the proposed method presents a more notable advantage over compared benchmarks. The implementation on Pytorch is publicly available at https://github.com/csust-sonie/TARGCN.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141980952","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
MFPIDet: improved YOLOV7 architecture based on multi-scale feature fusion for prohibited item detection in complex environment MFPIDet:基于多尺度特征融合的改进型 YOLOV7 架构,用于在复杂环境中检测违禁物品
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-14 DOI: 10.1007/s40747-024-01580-3
Lang Zhang, Zhan Ao Huang, Canghong Shi, Hongjiang Ma, Xiaojie Li, Xi Wu

Prohibited item detection is crucial for the safety of public places. Deep learning, one of the mainstream methods in prohibited item detection tasks, has shown superior performance far beyond traditional prohibited item detection methods. However, most neural network architectures in deep learning still lack sufficient local feature representation ability for overlapping and small targets, and ignore the problem of semantic conflicts caused by direct feature fusion. In this paper, we propose MFPIDet, a novel prohibited item detection neural network architecture based on improved YOLOV7 to achieve reliable prohibited item detection in complex environments. Specifically, a multi-scale attention module (MAM) backbone is proposed to filter the redundant information of target regions and further applied to enhance the local feature representation ability of overlapping objects. Here, to reduce the redundant information of target regions, a squeeze-excitation (SE) block is used to filter the background. Then, aiming at enhancing the feature expression ability of overlapping objects, a multi-scale feature extraction module (MFEM) is designed for local feature representation. In addition, to obtain richer context information, We design an adaptive fusion feature pyramid network (AF-FPN) to combine the adaptive context information fusion module (ACIFM) with the feature fusion module (FFM) to improve the neck structure of YOLOV7. The proposed method is validated on the PIDray dataset, and the tested results showed that our method obtained the highest mAP (68.7%), which is improved by 3.5% than YOLOV7 methods. Our approach provides a new design pattern for prohibited item detection in complex environments and shows the development potential of deep learning in related fields.

违禁物品检测对公共场所的安全至关重要。深度学习是违禁物品检测任务的主流方法之一,其性能远远超过传统的违禁物品检测方法。然而,深度学习中的大多数神经网络架构对于重叠和小目标仍然缺乏足够的局部特征表示能力,并且忽略了直接特征融合所导致的语义冲突问题。本文提出了基于改进型 YOLOV7 的新型违禁品检测神经网络架构 MFPIDet,以实现复杂环境下可靠的违禁品检测。具体来说,我们提出了一个多尺度注意力模块(MAM)骨干来过滤目标区域的冗余信息,并进一步应用于增强重叠对象的局部特征表示能力。在这里,为了减少目标区域的冗余信息,使用了挤压激励(SE)块来过滤背景。然后,为了增强重叠对象的特征表达能力,设计了一个多尺度特征提取模块(MFEM)来进行局部特征表示。此外,为了获得更丰富的上下文信息,我们设计了一个自适应融合特征金字塔网络(AF-FPN),将自适应上下文信息融合模块(ACIFM)与特征融合模块(FFM)结合起来,以改善 YOLOV7 的颈部结构。测试结果表明,我们的方法获得了最高的 mAP(68.7%),比 YOLOV7 方法提高了 3.5%。我们的方法为复杂环境中的违禁物品检测提供了一种新的设计模式,并展示了深度学习在相关领域的发展潜力。
{"title":"MFPIDet: improved YOLOV7 architecture based on multi-scale feature fusion for prohibited item detection in complex environment","authors":"Lang Zhang, Zhan Ao Huang, Canghong Shi, Hongjiang Ma, Xiaojie Li, Xi Wu","doi":"10.1007/s40747-024-01580-3","DOIUrl":"https://doi.org/10.1007/s40747-024-01580-3","url":null,"abstract":"<p>Prohibited item detection is crucial for the safety of public places. Deep learning, one of the mainstream methods in prohibited item detection tasks, has shown superior performance far beyond traditional prohibited item detection methods. However, most neural network architectures in deep learning still lack sufficient local feature representation ability for overlapping and small targets, and ignore the problem of semantic conflicts caused by direct feature fusion. In this paper, we propose MFPIDet, a novel prohibited item detection neural network architecture based on improved YOLOV7 to achieve reliable prohibited item detection in complex environments. Specifically, a multi-scale attention module (MAM) backbone is proposed to filter the redundant information of target regions and further applied to enhance the local feature representation ability of overlapping objects. Here, to reduce the redundant information of target regions, a squeeze-excitation (SE) block is used to filter the background. Then, aiming at enhancing the feature expression ability of overlapping objects, a multi-scale feature extraction module (MFEM) is designed for local feature representation. In addition, to obtain richer context information, We design an adaptive fusion feature pyramid network (AF-FPN) to combine the adaptive context information fusion module (ACIFM) with the feature fusion module (FFM) to improve the neck structure of YOLOV7. The proposed method is validated on the PIDray dataset, and the tested results showed that our method obtained the highest <i>mAP</i> (68.7%), which is improved by 3.5% than YOLOV7 methods. Our approach provides a new design pattern for prohibited item detection in complex environments and shows the development potential of deep learning in related fields.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141980944","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A teacher-guided early-learning method for medical image segmentation from noisy labels 一种教师指导的早期学习方法,用于从噪声标签中分割医学图像
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-13 DOI: 10.1007/s40747-024-01574-1
Shangkun Liu, Minghao Zou, Ning Liu, Yanxin Li, Weimin Zheng

The success of current deep learning models depends on a large number of precise labels. However, in the field of medical image segmentation, acquiring precise labels is labor-intensive and time-consuming. Hence, the challenge of achieving a high-performance model via datasets containing noisy labels has attracted significant research interest. Some existing methods are unable to exclude samples containing noisy labels and some methods still have high requirements on datasets. To solve this problem, we propose a noisy label learning method for medical image segmentation using a mixture of high and low quality labels based on the architecture of mean teacher. Firstly, considering the teacher model’s capacity to aggregate all previously learned information following each training step, we propose to leverage a teacher model to correct noisy label adaptively during the training phase. Secondly, to enhance the model’s robustness, we propose to infuse feature perturbations into the student model. This strategy aims to bolster the model’s ability to handle variations in input data and improve its resilience to noisy labels. Finally, we simulate noisy labels by destroying labels in two medical image datasets: the Automated Cardiac Diagnosis Challenge (ACDC) dataset and the 3D Left Atrium (LA) dataset. Experiments show that the proposed method demonstrates considerable effectiveness. With a noisy ratio of 0.8, compared with other methods, the mean Dice score of our proposed method is improved by 2.58% and 0.31% on ACDC and LA datasets, respectively.

当前深度学习模型的成功取决于大量精确的标签。然而,在医学图像分割领域,获取精确标签既费力又费时。因此,通过包含噪声标签的数据集实现高性能模型的挑战引起了人们的极大研究兴趣。现有的一些方法无法排除含有噪声标签的样本,而且有些方法对数据集的要求仍然很高。为了解决这个问题,我们提出了一种基于均值教师架构、使用高质量和低质量混合标签的医学图像分割噪声标签学习方法。首先,考虑到教师模型能在每个训练步骤后汇总所有先前学习的信息,我们建议利用教师模型在训练阶段自适应地修正噪声标签。其次,为了增强模型的鲁棒性,我们建议在学生模型中注入特征扰动。这一策略旨在增强模型处理输入数据变化的能力,并提高其对噪声标签的适应能力。最后,我们通过破坏两个医学图像数据集(自动心脏诊断挑战(ACDC)数据集和三维左心房(LA)数据集)中的标签来模拟噪声标签。实验表明,所提出的方法非常有效。在噪声比为 0.8 的情况下,与其他方法相比,我们提出的方法在 ACDC 和 LA 数据集上的平均 Dice 分数分别提高了 2.58% 和 0.31%。
{"title":"A teacher-guided early-learning method for medical image segmentation from noisy labels","authors":"Shangkun Liu, Minghao Zou, Ning Liu, Yanxin Li, Weimin Zheng","doi":"10.1007/s40747-024-01574-1","DOIUrl":"https://doi.org/10.1007/s40747-024-01574-1","url":null,"abstract":"<p>The success of current deep learning models depends on a large number of precise labels. However, in the field of medical image segmentation, acquiring precise labels is labor-intensive and time-consuming. Hence, the challenge of achieving a high-performance model via datasets containing noisy labels has attracted significant research interest. Some existing methods are unable to exclude samples containing noisy labels and some methods still have high requirements on datasets. To solve this problem, we propose a noisy label learning method for medical image segmentation using a mixture of high and low quality labels based on the architecture of mean teacher. Firstly, considering the teacher model’s capacity to aggregate all previously learned information following each training step, we propose to leverage a teacher model to correct noisy label adaptively during the training phase. Secondly, to enhance the model’s robustness, we propose to infuse feature perturbations into the student model. This strategy aims to bolster the model’s ability to handle variations in input data and improve its resilience to noisy labels. Finally, we simulate noisy labels by destroying labels in two medical image datasets: the Automated Cardiac Diagnosis Challenge (ACDC) dataset and the 3D Left Atrium (LA) dataset. Experiments show that the proposed method demonstrates considerable effectiveness. With a noisy ratio of 0.8, compared with other methods, the mean Dice score of our proposed method is improved by 2.58% and 0.31% on ACDC and LA datasets, respectively.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141973843","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Online optimal tracking control of unknown nonlinear singularly perturbed systems using single network adaptive critic with improved learning 利用改进学习的单网络自适应批判器实现未知非线性奇异扰动系统的在线优化跟踪控制
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-13 DOI: 10.1007/s40747-024-01598-7
Zhijun Fu, Bao Ma, Dengfeng Zhao, Yuming Yin

This study is the first time devoted to seek an online optimal tracking solution for unknown nonlinear singularly perturbed systems based on single network adaptive critic (SNAC) design. Firstly, a novel identifier with more efficient parametric multi-time scales differential neural network (PMTSDNN) is developed to obtain the unknown system dynamics. Then, based on the identification results, the online optimal tracking controller consists of an adaptive steady control term and an optimal feedback control term is developed by using SNAC to solve the Hamilton–Jacobi–Bellman (HJB) equation online. New learning law considering filtered parameter identification error is developed for the PMTSDNN identifier and the SNAC, which can realize online synchronous learning and fast convergence. The Lyapunov approach is synthesized to ensure the convergence characteristics of the overall closed loop system consisting of the PMTSDNN identifier, the SNAC and the optimal tracking control policy. Three examples are provided to illustrate the effectiveness of the investigated method.

本研究首次致力于基于单网络自适应批判器(SNAC)设计寻求未知非线性奇异扰动系统的在线最优跟踪解。首先,利用更高效的参数多时标微分神经网络(PMTSDNN)开发了一种新型识别器,以获取未知系统动态。然后,基于识别结果,利用 SNAC 在线求解汉密尔顿-雅各比-贝尔曼(HJB)方程,开发了由自适应稳定控制项和最优反馈控制项组成的在线最优跟踪控制器。为 PMTSDNN 识别器和 SNAC 开发了考虑滤波参数识别误差的新学习定律,可实现在线同步学习和快速收敛。合成了 Lyapunov 方法,以确保由 PMTSDNN 识别器、SNAC 和最优跟踪控制策略组成的整体闭环系统的收敛特性。本文提供了三个实例来说明所研究方法的有效性。
{"title":"Online optimal tracking control of unknown nonlinear singularly perturbed systems using single network adaptive critic with improved learning","authors":"Zhijun Fu, Bao Ma, Dengfeng Zhao, Yuming Yin","doi":"10.1007/s40747-024-01598-7","DOIUrl":"https://doi.org/10.1007/s40747-024-01598-7","url":null,"abstract":"<p>This study is the first time devoted to seek an online optimal tracking solution for unknown nonlinear singularly perturbed systems based on single network adaptive critic (SNAC) design. Firstly, a novel identifier with more efficient parametric multi-time scales differential neural network (PMTSDNN) is developed to obtain the unknown system dynamics. Then, based on the identification results, the online optimal tracking controller consists of an adaptive steady control term and an optimal feedback control term is developed by using SNAC to solve the Hamilton–Jacobi–Bellman (HJB) equation online. New learning law considering filtered parameter identification error is developed for the PMTSDNN identifier and the SNAC, which can realize online synchronous learning and fast convergence. The Lyapunov approach is synthesized to ensure the convergence characteristics of the overall closed loop system consisting of the PMTSDNN identifier, the SNAC and the optimal tracking control policy. Three examples are provided to illustrate the effectiveness of the investigated method.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141973842","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Segmentation-aware relational graph convolutional network with multi-layer CRF for nested named entity recognition 用于嵌套命名实体识别的分段感知关系图卷积网络与多层 CRF
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-10 DOI: 10.1007/s40747-024-01551-8
Daojun Han, Zemin Wang, Yunsong Li, Xiangbo ma, Juntao Zhang

Named Entity Recognition (NER) is fundamental in natural language processing, involving identifying entity spans and types within a sentence. Nested NER contains other entities, which pose a significant challenge, especially pronounced in the domain of medical-named entities due to intricate nesting patterns inherent in medical terminology. Existing studies can not capture interdependencies among different entity categories, resulting in inadequate performance in nested NER tasks. To address this problem, we propose a novel Layer-based architecture with Segmentation-aware Relational Graph Convolutional Network (LSRGCN) for Nested NER in the medical domain. LSRGCN comprises two key modules: a shared segmentation-aware encoder and a multi-layer conditional random field decoder. The former part provides token representation including boundary information from sentence segmentation. The latter part can learn the connections between different entity classes and improve recognition accuracy through secondary decoding. We conduct experiments on four datasets. Experimental results demonstrate the effectiveness of our model. Additionally, extensive studies are conducted to enhance our understanding of the model and its capabilities.

命名实体识别(NER)是自然语言处理的基础,涉及识别句子中的实体跨度和类型。嵌套 NER 包含其他实体,这构成了巨大的挑战,尤其是在医学命名实体领域,由于医学术语固有的复杂嵌套模式,这种挑战尤为明显。现有研究无法捕捉不同实体类别之间的相互依赖关系,导致嵌套 NER 任务的性能不足。为解决这一问题,我们提出了一种基于层的新型架构,该架构具有分段感知关系图卷积网络(LSRGCN),适用于医学领域的嵌套式 NER。LSRGCN 包括两个关键模块:共享分割感知编码器和多层条件随机场解码器。前者提供标记表示,包括来自句子分割的边界信息。后一部分可以学习不同实体类别之间的联系,并通过二次解码提高识别准确率。我们在四个数据集上进行了实验。实验结果证明了我们模型的有效性。此外,我们还进行了大量研究,以加深对模型及其功能的理解。
{"title":"Segmentation-aware relational graph convolutional network with multi-layer CRF for nested named entity recognition","authors":"Daojun Han, Zemin Wang, Yunsong Li, Xiangbo ma, Juntao Zhang","doi":"10.1007/s40747-024-01551-8","DOIUrl":"https://doi.org/10.1007/s40747-024-01551-8","url":null,"abstract":"<p>Named Entity Recognition (NER) is fundamental in natural language processing, involving identifying entity spans and types within a sentence. Nested NER contains other entities, which pose a significant challenge, especially pronounced in the domain of medical-named entities due to intricate nesting patterns inherent in medical terminology. Existing studies can not capture interdependencies among different entity categories, resulting in inadequate performance in nested NER tasks. To address this problem, we propose a novel <b>L</b>ayer-based architecture with <b>S</b>egmentation-aware <b>R</b>elational <b>G</b>raph <b>C</b>onvolutional <b>N</b>etwork (LSRGCN) for Nested NER in the medical domain. LSRGCN comprises two key modules: a shared segmentation-aware encoder and a multi-layer conditional random field decoder. The former part provides token representation including boundary information from sentence segmentation. The latter part can learn the connections between different entity classes and improve recognition accuracy through secondary decoding. We conduct experiments on four datasets. Experimental results demonstrate the effectiveness of our model. Additionally, extensive studies are conducted to enhance our understanding of the model and its capabilities.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141910469","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Generalized spatial–temporal regression graph convolutional transformer for traffic forecasting 用于交通预测的广义时空回归图卷积变换器
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-10 DOI: 10.1007/s40747-024-01578-x
Lang Xiong, Liyun Su, Shiyi Zeng, Xiangjing Li, Tong Wang, Feng Zhao

Spatial–temporal data is widely available in intelligent transportation systems, and accurately solving non-stationary of spatial–temporal regression is critical. In most traffic flow prediction research, the non-stationary solution of deep spatial–temporal regression tasks is typically formulated as a spatial–temporal graph modeling problem. However, there are several issues: (1) the coupled spatial–temporal regression approach renders it unfeasible to accurately learn the dependencies of diverse modalities; (2) the intricate stacking design of deep spatial–temporal network modules limits the interpretation and migration capability; (3) the ability to model dynamic spatial–temporal relationships is inadequate. To tackle the challenges mentioned above, we propose a novel unified spatial–temporal regression framework named Generalized Spatial–Temporal Regression Graph Convolutional Transformer (GSTRGCT) that extends panel model in spatial econometrics and combines it with deep neural networks to effectively model non-stationary relationships of spatial–temporal regression. Considering the coupling of existing deep spatial–temporal networks, we introduce the tensor decomposition to explicitly decompose the panel model into a tensor product of spatial regression on the spatial hyper-plane and temporal regression on the temporal hyper-plane. On the spatial hyper-plane, we present dynamic adaptive spatial weight network (DASWNN) to capture the global and local spatial correlations. Specifically, DASWNN adopts spatial weight neural network (SWNN) to learn the semantic global spatial correlation and dynamically adjusts the local changing spatial correlation by multiplying between spatial nodes embedding. On the temporal hyper-plane, we introduce the Auto-Correlation attention mechanism to capture the period-based temporal dependence. Extensive experiments on the two real-world traffic datasets show that GSTRGCT consistently outperforms other competitive methods with an average of 62% and 59% on predictive performance.

智能交通系统中广泛存在时空数据,准确解决时空回归的非稳态问题至关重要。在大多数交通流预测研究中,深度时空回归任务的非稳态求解通常被表述为时空图建模问题。然而,这其中存在几个问题:(1)耦合的时空回归方法无法准确学习不同模态的依赖关系;(2)深度时空网络模块错综复杂的堆叠设计限制了解释和迁移能力;(3)动态时空关系建模能力不足。针对上述挑战,我们提出了一种新颖的统一时空回归框架--广义时空回归图卷积变换器(GSTRGCT),它扩展了空间计量经济学中的面板模型,并将其与深度神经网络相结合,有效地模拟了时空回归的非平稳关系。考虑到现有深度时空网络的耦合性,我们引入了张量分解,将面板模型明确分解为空间超平面上的空间回归和时间超平面上的时间回归的张量乘积。在空间超平面上,我们提出了动态自适应空间权重网络(DASWNN)来捕捉全局和局部空间相关性。具体来说,DASWNN 采用空间权重神经网络(SWNN)来学习语义上的全局空间相关性,并通过空间节点嵌入之间的乘法来动态调整局部变化的空间相关性。在时间超平面上,我们引入了自相关注意机制来捕捉基于周期的时间依赖性。在两个真实交通数据集上进行的广泛实验表明,GSTRGCT 的预测性能始终优于其他竞争方法,平均分别为 62% 和 59%。
{"title":"Generalized spatial–temporal regression graph convolutional transformer for traffic forecasting","authors":"Lang Xiong, Liyun Su, Shiyi Zeng, Xiangjing Li, Tong Wang, Feng Zhao","doi":"10.1007/s40747-024-01578-x","DOIUrl":"https://doi.org/10.1007/s40747-024-01578-x","url":null,"abstract":"<p>Spatial–temporal data is widely available in intelligent transportation systems, and accurately solving non-stationary of spatial–temporal regression is critical. In most traffic flow prediction research, the non-stationary solution of deep spatial–temporal regression tasks is typically formulated as a spatial–temporal graph modeling problem. However, there are several issues: (1) the coupled spatial–temporal regression approach renders it unfeasible to accurately learn the dependencies of diverse modalities; (2) the intricate stacking design of deep spatial–temporal network modules limits the interpretation and migration capability; (3) the ability to model dynamic spatial–temporal relationships is inadequate. To tackle the challenges mentioned above, we propose a novel unified spatial–temporal regression framework named Generalized Spatial–Temporal Regression Graph Convolutional Transformer (GSTRGCT) that extends panel model in spatial econometrics and combines it with deep neural networks to effectively model non-stationary relationships of spatial–temporal regression. Considering the coupling of existing deep spatial–temporal networks, we introduce the tensor decomposition to explicitly decompose the panel model into a tensor product of spatial regression on the spatial hyper-plane and temporal regression on the temporal hyper-plane. On the spatial hyper-plane, we present dynamic adaptive spatial weight network (DASWNN) to capture the global and local spatial correlations. Specifically, DASWNN adopts spatial weight neural network (SWNN) to learn the semantic global spatial correlation and dynamically adjusts the local changing spatial correlation by multiplying between spatial nodes embedding. On the temporal hyper-plane, we introduce the Auto-Correlation attention mechanism to capture the period-based temporal dependence. Extensive experiments on the two real-world traffic datasets show that GSTRGCT consistently outperforms other competitive methods with an average of 62% and 59% on predictive performance.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141910465","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Repmono: a lightweight self-supervised monocular depth estimation architecture for high-speed inference Repmono:用于高速推理的轻量级自监督单目深度估计架构
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-10 DOI: 10.1007/s40747-024-01575-0
Guowei Zhang, Xincheng Tang, Li Wang, Huankang Cui, Teng Fei, Hulin Tang, Shangfeng Jiang

Self-supervised monocular depth estimation has always attracted attention because it does not require ground truth data. Designing a lightweight architecture capable of fast inference is crucial for deployment on mobile devices. The current network effectively integrates Convolutional Neural Networks (CNN) with Transformers, achieving significant improvements in accuracy. However, this advantage comes at the cost of an increase in model size and a significant reduction in inference speed. In this study, we propose a network named Repmono, which includes LCKT module with a large convolutional kernel and RepTM module based on the structural reparameterisation technique. With the combination of these two modules, our network achieves both local and global feature extraction with a smaller number of parameters and significantly enhances inference speed. Our network, with 2.31MB parameters, shows significant accuracy improvements over Monodepth2 in experiments on the KITTI dataset. With uniform input dimensions, our network’s inference speed is 53.7% faster than R-MSFM6, 60.1% faster than Monodepth2, and 81.1% faster than MonoVIT-small. Our code is available at https://github.com/txc320382/Repmono.

自监督单目深度估算无需地面实况数据,因此一直备受关注。设计一种能够快速推理的轻量级架构对于在移动设备上部署至关重要。当前的网络有效地整合了卷积神经网络(CNN)和变压器,从而显著提高了准确性。然而,这一优势是以增加模型大小和大幅降低推理速度为代价的。在本研究中,我们提出了一种名为 Repmono 的网络,其中包括带有大型卷积核的 LCKT 模块和基于结构重参数化技术的 RepTM 模块。通过这两个模块的组合,我们的网络以更少的参数数实现了局部和全局特征提取,并显著提高了推理速度。在对 KITTI 数据集的实验中,与 Monodepth2 相比,我们的网络以 2.31MB 的参数显著提高了准确率。在输入维度一致的情况下,我们的网络推理速度比 R-MSFM6 快 53.7%,比 Monodepth2 快 60.1%,比 MonoVIT-small 快 81.1%。我们的代码见 https://github.com/txc320382/Repmono。
{"title":"Repmono: a lightweight self-supervised monocular depth estimation architecture for high-speed inference","authors":"Guowei Zhang, Xincheng Tang, Li Wang, Huankang Cui, Teng Fei, Hulin Tang, Shangfeng Jiang","doi":"10.1007/s40747-024-01575-0","DOIUrl":"https://doi.org/10.1007/s40747-024-01575-0","url":null,"abstract":"<p>Self-supervised monocular depth estimation has always attracted attention because it does not require ground truth data. Designing a lightweight architecture capable of fast inference is crucial for deployment on mobile devices. The current network effectively integrates Convolutional Neural Networks (CNN) with Transformers, achieving significant improvements in accuracy. However, this advantage comes at the cost of an increase in model size and a significant reduction in inference speed. In this study, we propose a network named Repmono, which includes LCKT module with a large convolutional kernel and RepTM module based on the structural reparameterisation technique. With the combination of these two modules, our network achieves both local and global feature extraction with a smaller number of parameters and significantly enhances inference speed. Our network, with 2.31MB parameters, shows significant accuracy improvements over Monodepth2 in experiments on the KITTI dataset. With uniform input dimensions, our network’s inference speed is 53.7% faster than R-MSFM6, 60.1% faster than Monodepth2, and 81.1% faster than MonoVIT-small. Our code is available at https://github.com/txc320382/Repmono.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141910475","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
DCASAM: advancing aspect-based sentiment analysis through a deep context-aware sentiment analysis model DCASAM:通过深度情境感知情感分析模型推进基于方面的情感分析
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-10 DOI: 10.1007/s40747-024-01570-5
Xiangkui Jiang, Binglong Ren, Qing Wu, Wuwei Wang, Hong Li

Aspect-level sentiment analysis plays a pivotal role in fine-grained sentiment categorization, especially given the rapid expansion of online information. Traditional methods often struggle with accurately determining sentiment polarity when faced with implicit or ambiguous data, leading to limited accuracy and context-awareness. To address these challenges, we propose the Deep Context-Aware Sentiment Analysis Model (DCASAM). This model integrates the capabilities of Deep Bidirectional Long Short-Term Memory Network (DBiLSTM) and Densely Connected Graph Convolutional Network (DGCN), enhancing the ability to capture long-distance dependencies and subtle contextual variations.The DBiLSTM component effectively captures sequential dependencies, while the DGCN component leverages densely connected structures to model intricate relationships within the data. This combination allows DCASAM to maintain a high level of contextual understanding and sentiment detection accuracy.Experimental evaluations on well-known public datasets, including Restaurant14, Laptop14, and Twitter, demonstrate the superior performance of DCASAM over existing models. Our model achieves an average improvement in accuracy by 1.07% and F1 score by 1.68%, showcasing its robustness and efficacy in handling complex sentiment analysis tasks.These results highlight the potential of DCASAM for real-world applications, offering a solid foundation for future research in aspect-level sentiment analysis. By providing a more nuanced understanding of sentiment, our model contributes significantly to the advancement of fine-grained sentiment analysis techniques.

方面级情感分析在细粒度情感分类中起着举足轻重的作用,尤其是在网络信息迅速膨胀的情况下。传统方法在面对隐含或模糊数据时往往难以准确判断情感极性,导致准确性和上下文感知能力有限。为了应对这些挑战,我们提出了深度情境感知情感分析模型(DCASAM)。该模型集成了深度双向长短期记忆网络(DBiLSTM)和密集连接图卷积网络(DGCN)的功能,增强了捕捉长距离依赖关系和微妙上下文变化的能力。DBiLSTM 组件能有效捕捉顺序依赖关系,而 DGCN 组件则利用密集连接结构来模拟数据中的复杂关系。这种组合使 DCASAM 能够保持较高的上下文理解能力和情感检测准确性。在知名公共数据集(包括 Restaurant14、Laptop14 和 Twitter)上进行的实验评估表明,DCASAM 的性能优于现有模型。我们的模型在准确率方面平均提高了 1.07%,在 F1 分数方面平均提高了 1.68%,展示了它在处理复杂情感分析任务时的稳健性和有效性。这些结果凸显了 DCASAM 在现实世界应用中的潜力,为未来的方面级情感分析研究奠定了坚实的基础。通过提供对情感的更细致入微的理解,我们的模型极大地推动了细粒度情感分析技术的发展。
{"title":"DCASAM: advancing aspect-based sentiment analysis through a deep context-aware sentiment analysis model","authors":"Xiangkui Jiang, Binglong Ren, Qing Wu, Wuwei Wang, Hong Li","doi":"10.1007/s40747-024-01570-5","DOIUrl":"https://doi.org/10.1007/s40747-024-01570-5","url":null,"abstract":"<p>Aspect-level sentiment analysis plays a pivotal role in fine-grained sentiment categorization, especially given the rapid expansion of online information. Traditional methods often struggle with accurately determining sentiment polarity when faced with implicit or ambiguous data, leading to limited accuracy and context-awareness. To address these challenges, we propose the Deep Context-Aware Sentiment Analysis Model (DCASAM). This model integrates the capabilities of Deep Bidirectional Long Short-Term Memory Network (DBiLSTM) and Densely Connected Graph Convolutional Network (DGCN), enhancing the ability to capture long-distance dependencies and subtle contextual variations.The DBiLSTM component effectively captures sequential dependencies, while the DGCN component leverages densely connected structures to model intricate relationships within the data. This combination allows DCASAM to maintain a high level of contextual understanding and sentiment detection accuracy.Experimental evaluations on well-known public datasets, including Restaurant14, Laptop14, and Twitter, demonstrate the superior performance of DCASAM over existing models. Our model achieves an average improvement in accuracy by 1.07% and F1 score by 1.68%, showcasing its robustness and efficacy in handling complex sentiment analysis tasks.These results highlight the potential of DCASAM for real-world applications, offering a solid foundation for future research in aspect-level sentiment analysis. By providing a more nuanced understanding of sentiment, our model contributes significantly to the advancement of fine-grained sentiment analysis techniques.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-08-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141910466","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Complex & Intelligent Systems
全部 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