首页 > 最新文献

Applied Intelligence最新文献

英文 中文
NNBSVR: Neural Network-Based Semantic Vector Representations of ICD-10 codes
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-21 DOI: 10.1007/s10489-025-06349-w
Monah Bou Hatoum, Jean Claude Charr, Alia Ghaddar, Christophe Guyeux, David Laiymani

Automatically predicting ICD-10 codes from clinical notes using machine learning models can reduce the burden of manual coding. However, existing methods often overlook the semantic relationships between ICD-10 codes, resulting in inaccurate evaluations when clinically similar codes are considered completely different. Traditional evaluation metrics, which rely on equality-based matching, fail to capture the clinical relevance of predicted codes. This study introduces NNBSVR (Neural Network-Based Semantic Vector Representations), a novel approach for generating semantic-based vector representations of ICD-10 codes. Unlike traditional approaches that rely on exact code matching, NNBSVR incorporates contextual and hierarchical information to enhance both prediction accuracy and evaluation methods. We validate NNBSVR using intrinsic and extrinsic evaluation methods. Intrinsic evaluation assesses the vectors’ ability to reconstruct the ICD-10 hierarchy and identify clinically meaningful clusters. Extrinsic evaluation compares our relevancy-based approach, which includes customized evaluation metrics, to traditional equality-based metrics on an ICD-10 code prediction task using a 9.57 million clinical notes corpus. NNBSVR demonstrates significant improvements over equality-based metrics, achieving a 9.81% gain in micro-F1 score on the training set and a 12.73% gain on the test set. A manual review by medical experts on a sample of 10,000 predictions confirms an accuracy of 92.58%, further validating our approach. This study makes two significant contributions: first, the development of semantic-based vector representations that encapsulate ICD-10 code relationships and context; second, the customization of evaluation metrics to incorporate clinical relevance. By addressing the limitations of traditional equality-based evaluation metrics, NNBSVR enhances the automated assignment of ICD-10 codes in clinical settings, demonstrating superior performance over existing methods.

{"title":"NNBSVR: Neural Network-Based Semantic Vector Representations of ICD-10 codes","authors":"Monah Bou Hatoum,&nbsp;Jean Claude Charr,&nbsp;Alia Ghaddar,&nbsp;Christophe Guyeux,&nbsp;David Laiymani","doi":"10.1007/s10489-025-06349-w","DOIUrl":"10.1007/s10489-025-06349-w","url":null,"abstract":"<div><p>Automatically predicting ICD-10 codes from clinical notes using machine learning models can reduce the burden of manual coding. However, existing methods often overlook the semantic relationships between ICD-10 codes, resulting in inaccurate evaluations when clinically similar codes are considered completely different. Traditional evaluation metrics, which rely on equality-based matching, fail to capture the clinical relevance of predicted codes. This study introduces <i>NNBSVR</i> (Neural Network-Based Semantic Vector Representations), a novel approach for generating semantic-based vector representations of ICD-10 codes. Unlike traditional approaches that rely on exact code matching, <i>NNBSVR</i> incorporates contextual and hierarchical information to enhance both prediction accuracy and evaluation methods. We validate <i>NNBSVR</i> using intrinsic and extrinsic evaluation methods. Intrinsic evaluation assesses the vectors’ ability to reconstruct the ICD-10 hierarchy and identify clinically meaningful clusters. Extrinsic evaluation compares our relevancy-based approach, which includes customized evaluation metrics, to traditional equality-based metrics on an ICD-10 code prediction task using a 9.57 million clinical notes corpus. <i>NNBSVR</i> demonstrates significant improvements over equality-based metrics, achieving a 9.81% gain in micro-F1 score on the training set and a 12.73% gain on the test set. A manual review by medical experts on a sample of 10,000 predictions confirms an accuracy of 92.58%, further validating our approach. This study makes two significant contributions: first, the development of semantic-based vector representations that encapsulate ICD-10 code relationships and context; second, the customization of evaluation metrics to incorporate clinical relevance. By addressing the limitations of traditional equality-based evaluation metrics, <i>NNBSVR</i> enhances the automated assignment of ICD-10 codes in clinical settings, demonstrating superior performance over existing methods.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-21","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143455535","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
Lbgcn: Lightweight bilinear graph convolutional network with attention mechanism for recommendation
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-20 DOI: 10.1007/s10489-025-06357-w
Yu Su, Pingzhu Wei, Linbo Zhu, Lixiang Xu, Xianquan Wang, He Tong, Ze Han

The Graph Convolutional Neural Network (GCN) is a powerful technique for learning and representing graph data, commonly utilized in model-based collaborative filtering recommendation algorithms. However, despite its effectiveness, the issues are data sparsity and interpretability. Most existing GCN-based models simply update the central node’s features by aggregating the features of its neighbors, typically via a weighted sum. Unfortunately, this approach fails to capture the cooperative information hidden in the neighbor interactions. To address this limitation, we propose a recommendation algorithm based on a convolution network of lightweight neighborhood interactive graphs, named the Lightweight Bilinear Graph Convolutional Network (LBGCN). Our approach employs a lightweight graph convolutional neural network as a multi-level feature aggregator, leveraging higher-order connectivity to aggregate neighborhood information into a multi-level feature of the node through the aggregator. Meanwhile, we introduce a local feature aggregator to capture the collaborative filtering signals in the interaction features of neighbors. Finally, we combine the results using an attention mechanism to obtain the embedded representation of final users and items. In addition, we demonstrate the rationality and effectiveness of our proposed model through experiments on three public datasets. The results show that our method could gain 2.52% NDCG improvement at most.

{"title":"Lbgcn: Lightweight bilinear graph convolutional network with attention mechanism for recommendation","authors":"Yu Su,&nbsp;Pingzhu Wei,&nbsp;Linbo Zhu,&nbsp;Lixiang Xu,&nbsp;Xianquan Wang,&nbsp;He Tong,&nbsp;Ze Han","doi":"10.1007/s10489-025-06357-w","DOIUrl":"10.1007/s10489-025-06357-w","url":null,"abstract":"<div><p>The Graph Convolutional Neural Network (GCN) is a powerful technique for learning and representing graph data, commonly utilized in model-based collaborative filtering recommendation algorithms. However, despite its effectiveness, the issues are data sparsity and interpretability. Most existing GCN-based models simply update the central node’s features by aggregating the features of its neighbors, typically via a weighted sum. Unfortunately, this approach fails to capture the cooperative information hidden in the neighbor interactions. To address this limitation, we propose a recommendation algorithm based on a convolution network of lightweight neighborhood interactive graphs, named the Lightweight Bilinear Graph Convolutional Network (LBGCN). Our approach employs a lightweight graph convolutional neural network as a multi-level feature aggregator, leveraging higher-order connectivity to aggregate neighborhood information into a multi-level feature of the node through the aggregator. Meanwhile, we introduce a local feature aggregator to capture the collaborative filtering signals in the interaction features of neighbors. Finally, we combine the results using an attention mechanism to obtain the embedded representation of final users and items. In addition, we demonstrate the rationality and effectiveness of our proposed model through experiments on three public datasets. The results show that our method could gain <b>2.52%</b> NDCG improvement at most.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143455698","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
IPAttack: imperceptible adversarial patch to attack object detectors
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-19 DOI: 10.1007/s10489-025-06246-2
Yongming Wen, Peiyuan Si, Wei Zhou, Zongheng Zhao, Chao Yi, Renyang Liu

With the widespread application of deep learning, general object detectors have become increasingly popular in our daily lives. Extensive research, however, has shown that existing detectors are vulnerable to patch-based adversarial attacks, which fool such detectors by crafting adversarial patches. Although existing methods have made significant progress in terms of attack success rate, they still suffer from a highly perceptible problem, making it easy for humans to distinguish these evil examples. To address this issue, in this paper, we propose a novel spatial transform-based end-to-end patch attack method, called IPAttack, to synthesize imperceptible adversarial patches. Our approach estimates a flow field (varvec{f}) to formulate adversarial examples rather than introduce small (L_p)-norm constrained external perturbations. Besides, to improve the imperceptibility and maintain a high attack performance, we propose the Object Detector Class Activation Map (OD-CAM) for objectors to extract the most interesting region, which will be applied to spatial transform to generate the final adversarial examples. Extensive experiments demonstrate that the proposed IPAttack can generate patch-wised adversarial examples with high imperceptibility while achieving the best attack performance compared to existing methods.

{"title":"IPAttack: imperceptible adversarial patch to attack object detectors","authors":"Yongming Wen,&nbsp;Peiyuan Si,&nbsp;Wei Zhou,&nbsp;Zongheng Zhao,&nbsp;Chao Yi,&nbsp;Renyang Liu","doi":"10.1007/s10489-025-06246-2","DOIUrl":"10.1007/s10489-025-06246-2","url":null,"abstract":"<div><p>With the widespread application of deep learning, general object detectors have become increasingly popular in our daily lives. Extensive research, however, has shown that existing detectors are vulnerable to patch-based adversarial attacks, which fool such detectors by crafting adversarial patches. Although existing methods have made significant progress in terms of attack success rate, they still suffer from a highly perceptible problem, making it easy for humans to distinguish these evil examples. To address this issue, in this paper, we propose a novel spatial transform-based end-to-end patch attack method, called IPAttack, to synthesize imperceptible adversarial patches. Our approach estimates a flow field <span>(varvec{f})</span> to formulate adversarial examples rather than introduce small <span>(L_p)</span>-norm constrained external perturbations. Besides, to improve the imperceptibility and maintain a high attack performance, we propose the Object Detector Class Activation Map (OD-CAM) for objectors to extract the most interesting region, which will be applied to spatial transform to generate the final adversarial examples. Extensive experiments demonstrate that the proposed IPAttack can generate patch-wised adversarial examples with high imperceptibility while achieving the best attack performance compared to existing methods.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143438722","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
GenKP: generative knowledge prompts for enhancing large language models
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-19 DOI: 10.1007/s10489-025-06318-3
Xinbai Li, Shaowen Peng, Shuntaro Yada, Shoko Wakamiya, Eiji Aramaki

Large language models (LLMs) have demonstrated extensive capabilities across various natural language processing (NLP) tasks. Knowledge graphs (KGs) harbor vast amounts of facts, furnishing external knowledge for language models. The structured knowledge extracted from KGs must undergo conversion into sentences to align with the input format required by LLMs. Previous research has commonly utilized methods such as triple conversion and template-based conversion. However, sentences converted using existing methods frequently encounter issues such as semantic incoherence, ambiguity, and unnaturalness, which distort the original intent, and deviate the sentences from the facts. Meanwhile, despite the improvement that knowledge-enhanced pre-training and prompt-tuning methods have achieved in small-scale models, they are difficult to implement for LLMs in the absence of computational resources. The advanced comprehension of LLMs facilitates in-context learning (ICL), thereby enhancing their performance without the need for additional training. In this paper, we propose a knowledge prompts generation method, GenKP, which injects knowledge into LLMs by ICL. Compared to inserting triple-conversion or templated-conversion knowledge without selection, GenKP entails generating knowledge samples using LLMs in conjunction with KGs and makes a trade-off of knowledge samples through weighted verification and BM25 ranking, reducing knowledge noise. Experimental results illustrate that incorporating knowledge prompts enhances the performance of LLMs. Furthermore, LLMs augmented with GenKP exhibit superior improvements compared to the methods utilizing triple and template-based knowledge injection.

{"title":"GenKP: generative knowledge prompts for enhancing large language models","authors":"Xinbai Li,&nbsp;Shaowen Peng,&nbsp;Shuntaro Yada,&nbsp;Shoko Wakamiya,&nbsp;Eiji Aramaki","doi":"10.1007/s10489-025-06318-3","DOIUrl":"10.1007/s10489-025-06318-3","url":null,"abstract":"<div><p>Large language models (LLMs) have demonstrated extensive capabilities across various natural language processing (NLP) tasks. Knowledge graphs (KGs) harbor vast amounts of facts, furnishing external knowledge for language models. The structured knowledge extracted from KGs must undergo conversion into sentences to align with the input format required by LLMs. Previous research has commonly utilized methods such as triple conversion and template-based conversion. However, sentences converted using existing methods frequently encounter issues such as semantic incoherence, ambiguity, and unnaturalness, which distort the original intent, and deviate the sentences from the facts. Meanwhile, despite the improvement that knowledge-enhanced pre-training and prompt-tuning methods have achieved in small-scale models, they are difficult to implement for LLMs in the absence of computational resources. The advanced comprehension of LLMs facilitates in-context learning (ICL), thereby enhancing their performance without the need for additional training. In this paper, we propose a knowledge prompts generation method, GenKP, which injects knowledge into LLMs by ICL. Compared to inserting triple-conversion or templated-conversion knowledge without selection, GenKP entails generating knowledge samples using LLMs in conjunction with KGs and makes a trade-off of knowledge samples through weighted verification and BM25 ranking, reducing knowledge noise. Experimental results illustrate that incorporating knowledge prompts enhances the performance of LLMs. Furthermore, LLMs augmented with GenKP exhibit superior improvements compared to the methods utilizing triple and template-based knowledge injection.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://link.springer.com/content/pdf/10.1007/s10489-025-06318-3.pdf","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143446602","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Precise spiking neurons for fitting any activation function in ANN-to-SNN Conversion
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-19 DOI: 10.1007/s10489-025-06354-z
Tianqi Wang, Qianzi Shen, Xuhang Li, Yanting Zhang, Zijian Wang, Cairong Yan

Spiking Neural Networks (SNNs) are recognized for their energy efficiency due to spike-based communication. In this regard, the shift towards SNNs is driven by their ability to significantly reduce energy consumption while maintaining the performance of ANNs. Converting Artificial Neural Networks (ANNs) to SNNs is a key research focus, but existing methods often struggle with balancing conversion accuracy and latency, and are typically restricted to ReLU activations. We introduce Precision Spiking (PS) neurons, a novel dynamic spiking neuron model that can precisely fit any activation function by jointly regulating spike timing, reset voltage, and membrane potential threshold. This capability enables exact parameter optimization via iterative methods, achieving low-latency, high-accuracy ANN-to-SNN conversion. Experiments on image classification and natural language processing benchmarks confirm state-of-the-art results, with a maximum conversion loss of 0.55% and up to 0.38% accuracy improvement over the original ANN. To the best of our knowledge, this method offers a significant advancement over existing approaches by achieving high-precision fitting of arbitrary activation functions with low latency and minimal conversion loss, thus considerably expanding the range of feasible ANN-to-SNN conversions.

{"title":"Precise spiking neurons for fitting any activation function in ANN-to-SNN Conversion","authors":"Tianqi Wang,&nbsp;Qianzi Shen,&nbsp;Xuhang Li,&nbsp;Yanting Zhang,&nbsp;Zijian Wang,&nbsp;Cairong Yan","doi":"10.1007/s10489-025-06354-z","DOIUrl":"10.1007/s10489-025-06354-z","url":null,"abstract":"<div><p>Spiking Neural Networks (SNNs) are recognized for their energy efficiency due to spike-based communication. In this regard, the shift towards SNNs is driven by their ability to significantly reduce energy consumption while maintaining the performance of ANNs. Converting Artificial Neural Networks (ANNs) to SNNs is a key research focus, but existing methods often struggle with balancing conversion accuracy and latency, and are typically restricted to ReLU activations. We introduce Precision Spiking (PS) neurons, a novel dynamic spiking neuron model that can precisely fit any activation function by jointly regulating spike timing, reset voltage, and membrane potential threshold. This capability enables exact parameter optimization via iterative methods, achieving low-latency, high-accuracy ANN-to-SNN conversion. Experiments on image classification and natural language processing benchmarks confirm state-of-the-art results, with a maximum conversion loss of 0.55% and up to 0.38% accuracy improvement over the original ANN. To the best of our knowledge, this method offers a significant advancement over existing approaches by achieving high-precision fitting of arbitrary activation functions with low latency and minimal conversion loss, thus considerably expanding the range of feasible ANN-to-SNN conversions.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://link.springer.com/content/pdf/10.1007/s10489-025-06354-z.pdf","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143446603","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
FinCaKG-Onto: the financial expertise depiction via causality knowledge graph and domain ontology
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-19 DOI: 10.1007/s10489-025-06247-1
Ziwei Xu, Ryutaro Ichise

Causality stands as an essential relation for elucidating the reasoning behind given contents. However, current causality knowledge graphs fall short in effectively illustrating the inner logic in a specific domain, i.e. finance. To generate such a functional knowledge graph, we propose the multi-faceted approach encompassing causality detection module, entity linking module, and causality alignment module to automatically construct FinCaKG-Onto with the guidance of expert financial ontology - FIBO. In this paper, we outline the resources and methodology employed for FinCaKG-Onto construction, present the schema of FinCaKG-Onto, and share the final knowledge graph FinCaKG-Onto. Through various user scenarios, we demonstrate that FinCaKG-Onto not only captures nuanced domain expertise but also explicitly unveils the causal logic for any anchor terms. To facilitate your convenience of future use, a check table is conducted as well to showcase the quality of FinCaKG-Onto. The related resources are available in the webpage<https://www.ai.iee.e.titech.ac.jp/FinCaKG-Onto/>.

{"title":"FinCaKG-Onto: the financial expertise depiction via causality knowledge graph and domain ontology","authors":"Ziwei Xu,&nbsp;Ryutaro Ichise","doi":"10.1007/s10489-025-06247-1","DOIUrl":"10.1007/s10489-025-06247-1","url":null,"abstract":"<div><p>Causality stands as an essential relation for elucidating the reasoning behind given contents. However, current causality knowledge graphs fall short in effectively illustrating the inner logic in a specific domain, i.e. finance. To generate such a functional knowledge graph, we propose the multi-faceted approach encompassing causality detection module, entity linking module, and causality alignment module to automatically construct FinCaKG-Onto with the guidance of expert financial ontology - FIBO. In this paper, we outline the resources and methodology employed for FinCaKG-Onto construction, present the schema of FinCaKG-Onto, and share the final knowledge graph FinCaKG-Onto. Through various user scenarios, we demonstrate that FinCaKG-Onto not only captures nuanced domain expertise but also explicitly unveils the causal logic for any anchor terms. To facilitate your convenience of future use, a check table is conducted as well to showcase the quality of FinCaKG-Onto. The related resources are available in the webpage&lt;https://www.ai.iee.e.titech.ac.jp/FinCaKG-Onto/&gt;.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://link.springer.com/content/pdf/10.1007/s10489-025-06247-1.pdf","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143438682","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Design and analysis of a variable-parameter noise-tolerant ZNN for solving time-variant nonlinear equations and applications
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-17 DOI: 10.1007/s10489-025-06304-9
Yu Zhang, Liming Wang, Guomin Zhong

Solvers considering time-varying parameters are more suitable for addressing a variety of time-varying problems, whereas traditional fixed-parameter neural networks are somewhat insufficient for efficiently and quickly solving these problems. Many existing zeroing neural networks ensure rapid convergence using the infinite-valued AFs. For solving time-varying nonlinear equations, this paper proposes a finitely-activated variable parameter noise tolerant zeroing neural network (VPNTZNN), applied to trajectory tracking of redundant robotic arms. The designed variable parameters are error-dependent, enabling adaptive adjustment to optimal values as errors fluctuate, thereby ensuring faster convergence of the proposed VPNTZNN. And the constructed variable parameters and activation functions (AFs) do not escalate infinitely over time. Affected by the above variable parameters, the proposed finitely-activated VPNTZNN achieves rapid finite-time convergence with strong noise suppression. Simulation results validate the effectiveness of our method in solving time-variant nonlinear equations and in trajectory tracking of redundant manipulators. Moreover, this approach employs a finite-valued activation function to design a variable-parameter neural network, thereby avoiding the difficulties of practical implementation.

{"title":"Design and analysis of a variable-parameter noise-tolerant ZNN for solving time-variant nonlinear equations and applications","authors":"Yu Zhang,&nbsp;Liming Wang,&nbsp;Guomin Zhong","doi":"10.1007/s10489-025-06304-9","DOIUrl":"10.1007/s10489-025-06304-9","url":null,"abstract":"<p>Solvers considering time-varying parameters are more suitable for addressing a variety of time-varying problems, whereas traditional fixed-parameter neural networks are somewhat insufficient for efficiently and quickly solving these problems. Many existing zeroing neural networks ensure rapid convergence using the infinite-valued AFs. For solving time-varying nonlinear equations, this paper proposes a finitely-activated variable parameter noise tolerant zeroing neural network (VPNTZNN), applied to trajectory tracking of redundant robotic arms. The designed variable parameters are error-dependent, enabling adaptive adjustment to optimal values as errors fluctuate, thereby ensuring faster convergence of the proposed VPNTZNN. And the constructed variable parameters and activation functions (AFs) do not escalate infinitely over time. Affected by the above variable parameters, the proposed finitely-activated VPNTZNN achieves rapid finite-time convergence with strong noise suppression. Simulation results validate the effectiveness of our method in solving time-variant nonlinear equations and in trajectory tracking of redundant manipulators. Moreover, this approach employs a finite-valued activation function to design a variable-parameter neural network, thereby avoiding the difficulties of practical implementation.</p>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143423216","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
Learning sparse filters-based convolutional networks without offline training for robust visual tracking
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-17 DOI: 10.1007/s10489-025-06350-3
Qi Xu, Zhuoming Xu, Zhe Chen, Yun Chen, Huabin Wang, Liang Tao

Due to the scarcity of training samples in the visual tracking task, almost all existing Convolutional Neural Networks (CNNs) based deep tracking algorithms rely heavily on large auxiliary datasets to train the tracking model offline. However, such offline training has two inevitable disadvantages: (1) the learned generic features may be less discriminative for tracking specific objects; (2) the training process demands huge computational power provided by high-performance graphics processing units (GPUs), which is not always available in many practical applications. Therefore, learning effective generic features without offline training for robust visual tracking is a necessary and challenging task. This paper tackles this task by proposing the Sparse Filters-based Convolutional Network (SFCN), which is a fully feed-forward convolutional network with a lightweight structure including two convolutional layers. Its convolutional kernels are a set of sparse filters learned and updated online from local patches using sparse dictionary learning. Benefiting from the learned sparse filters, SFCN learns effective generic features by exploiting both the discriminative information between the foreground and background of the target region and the hierarchical layout information among the local patches inside each target candidate region. Furthermore, a dynamic model updating strategy is adopted to alleviate the drift problem. Extensive experiments on five large-scale benchmark datasets show that the proposed method performs favorably against several state-of-the-art tracking algorithms.

{"title":"Learning sparse filters-based convolutional networks without offline training for robust visual tracking","authors":"Qi Xu,&nbsp;Zhuoming Xu,&nbsp;Zhe Chen,&nbsp;Yun Chen,&nbsp;Huabin Wang,&nbsp;Liang Tao","doi":"10.1007/s10489-025-06350-3","DOIUrl":"10.1007/s10489-025-06350-3","url":null,"abstract":"<div><p>Due to the scarcity of training samples in the visual tracking task, almost all existing Convolutional Neural Networks (CNNs) based deep tracking algorithms rely heavily on large auxiliary datasets to train the tracking model offline. However, such offline training has two inevitable disadvantages: (1) the learned generic features may be less discriminative for tracking specific objects; (2) the training process demands huge computational power provided by high-performance graphics processing units (GPUs), which is not always available in many practical applications. Therefore, learning effective generic features without offline training for robust visual tracking is a necessary and challenging task. This paper tackles this task by proposing the Sparse Filters-based Convolutional Network (SFCN), which is a fully feed-forward convolutional network with a lightweight structure including two convolutional layers. Its convolutional kernels are a set of sparse filters learned and updated online from local patches using sparse dictionary learning. Benefiting from the learned sparse filters, SFCN learns effective generic features by exploiting both the discriminative information between the foreground and background of the target region and the hierarchical layout information among the local patches inside each target candidate region. Furthermore, a dynamic model updating strategy is adopted to alleviate the drift problem. Extensive experiments on five large-scale benchmark datasets show that the proposed method performs favorably against several state-of-the-art tracking algorithms.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143423032","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
Intelligent forecasting algorithm of power industry expansion based on time series and entropy weight method
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-15 DOI: 10.1007/s10489-025-06321-8
Guoyao Wu, Zhiqiang Lan, Xiaofang Wu, Xiaoying Huang, Linling Mao

To accurately predict the electricity consumption trend of individual users and even the entire industry, this paper studies an intelligent prediction algorithm for the power industry based on time series and entropy weight method. Using ARIMA model and X12 model to establish a monthly electricity consumption prediction model, the study obtains the monthly electricity consumption prediction value for the expansion of the power industry. The entropy weight method is employed to calculate the weights of two power industry expansion month electricity consumption forecasting models, thereby achieving intelligent forecasting. The experimental results demonstrate that the maximum error of the proposed method is only 1.78%, and the average time complexity and average space complexity of the proposed algorithm are both below the set threshold.

{"title":"Intelligent forecasting algorithm of power industry expansion based on time series and entropy weight method","authors":"Guoyao Wu,&nbsp;Zhiqiang Lan,&nbsp;Xiaofang Wu,&nbsp;Xiaoying Huang,&nbsp;Linling Mao","doi":"10.1007/s10489-025-06321-8","DOIUrl":"10.1007/s10489-025-06321-8","url":null,"abstract":"<div><p>To accurately predict the electricity consumption trend of individual users and even the entire industry, this paper studies an intelligent prediction algorithm for the power industry based on time series and entropy weight method. Using ARIMA model and X12 model to establish a monthly electricity consumption prediction model, the study obtains the monthly electricity consumption prediction value for the expansion of the power industry. The entropy weight method is employed to calculate the weights of two power industry expansion month electricity consumption forecasting models, thereby achieving intelligent forecasting. The experimental results demonstrate that the maximum error of the proposed method is only 1.78%, and the average time complexity and average space complexity of the proposed algorithm are both below the set threshold.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143423297","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 novel consensus reaching approach for large-scale multi-attribute emergency group decision-making under social network clustering based on graph attention mechanism
IF 3.4 2区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2025-02-15 DOI: 10.1007/s10489-024-05992-z
Mi Zhou, Ying Zhang, Xin-Yu Fan, Ting Wu, Ba-Yi Cheng, Jian Wu

Emergency decision-making problem is common in our daily life. To solve this kind of problem, a group of decision-makers (DMs) are usually invited to make a decision in a limited time. Since multiple attributes are usually considered, it’s called large-scale multi-attribute emergency group decision-making (LS-MA-EGDM). There are two issues in the general research of LS-MA-EGDM. First, clustering and consensus-reaching process (CRP) should consider the influence of DMs’ intrinsic features. Second, consensus adjustment within and among sub-clusters ought to be fast to prevent multi-round iteration. Accordingly, (1) we introduce graph attention mechanism to calculate the attention coefficients between DM pair’s intrinsic features. The multi-head graph attention coefficient based on social network analysis (SNA) is proposed, which is then combined with opinion similarity to construct a social network clustering method. (2) The Einstein product operator is introduced to propagate the attention coefficients and yield DMs’ weights, which is then incorporated in the subsequent adjustment allocation. (3) Identification rules are provided based on four consensus types in the CRP. The one-iteration personalized adjustment strategies corresponding to different consensus types are then proposed. (4) Evidential reasoning (ER) algorithm is finally utilized to aggregate the preferences of clusters after consensus is reaching. The proposed method is further applied to a chemical plant explosion in Texas to illustrate its effectiveness and validity in dealing with emergencies.

{"title":"A novel consensus reaching approach for large-scale multi-attribute emergency group decision-making under social network clustering based on graph attention mechanism","authors":"Mi Zhou,&nbsp;Ying Zhang,&nbsp;Xin-Yu Fan,&nbsp;Ting Wu,&nbsp;Ba-Yi Cheng,&nbsp;Jian Wu","doi":"10.1007/s10489-024-05992-z","DOIUrl":"10.1007/s10489-024-05992-z","url":null,"abstract":"<div><p>Emergency decision-making problem is common in our daily life. To solve this kind of problem, a group of decision-makers (DMs) are usually invited to make a decision in a limited time. Since multiple attributes are usually considered, it’s called large-scale multi-attribute emergency group decision-making (LS-MA-EGDM). There are two issues in the general research of LS-MA-EGDM. First, clustering and consensus-reaching process (CRP) should consider the influence of DMs’ intrinsic features. Second, consensus adjustment within and among sub-clusters ought to be fast to prevent multi-round iteration. Accordingly, (1) we introduce graph attention mechanism to calculate the attention coefficients between DM pair’s intrinsic features. The multi-head graph attention coefficient based on social network analysis (SNA) is proposed, which is then combined with opinion similarity to construct a social network clustering method. (2) The Einstein product operator is introduced to propagate the attention coefficients and yield DMs’ weights, which is then incorporated in the subsequent adjustment allocation. (3) Identification rules are provided based on four consensus types in the CRP. The one-iteration personalized adjustment strategies corresponding to different consensus types are then proposed. (4) Evidential reasoning (ER) algorithm is finally utilized to aggregate the preferences of clusters after consensus is reaching. The proposed method is further applied to a chemical plant explosion in Texas to illustrate its effectiveness and validity in dealing with emergencies.</p></div>","PeriodicalId":8041,"journal":{"name":"Applied Intelligence","volume":"55 6","pages":""},"PeriodicalIF":3.4,"publicationDate":"2025-02-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"143423168","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
期刊
Applied Intelligence
全部 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