首页 > 最新文献

Computational Intelligence最新文献

英文 中文
An effective graph embedded YOLOv5 model for forest fire detection 用于林火探测的有效图嵌入式 YOLOv5 模型
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-03-18 DOI: 10.1111/coin.12640
Hui Yuan, Zhumao Lu, Ruizhe Zhang, Jinsong Li, Shuai Wang, Jingjing Fan

The existing YOLOv5-based framework has achieved great success in the field of target detection. However, in forest fire detection tasks, there are few high-quality forest fire images available, and the performance of the YOLO model has suffered a serious decline in detecting small-scale forest fires. Making full use of context information can effectively improve the performance of small target detection. To this end, this paper proposes a new graph-embedded YOLOv5 forest fire detection framework, which can improve the performance of small-scale forest fire detection using different scales of context information. To mine local context information, we design a spatial graph convolution operation based on the message passing neural network (MPNN) mechanism. To utilize global context information, we introduce a multi-head self-attention (MSA) module before each YOLO head. The experimental results on FLAME and our self-built fire dataset show that our proposed model improves the accuracy of small-scale forest fire detection. The proposed model achieves high performance in real-time performance by fully utilizing the advantages of the YOLOv5 framework.

现有的基于 YOLOv5 的框架在目标检测领域取得了巨大成功。然而,在林火检测任务中,由于高质量的林火图像较少,YOLO 模型在检测小规模林火方面的性能严重下降。充分利用上下文信息可以有效提高小目标检测的性能。为此,本文提出了一种新的图嵌入式 YOLOv5 森林火灾检测框架,可以利用不同尺度的上下文信息提高小规模森林火灾的检测性能。为了挖掘局部上下文信息,我们设计了一种基于消息传递神经网络(MPNN)机制的空间图卷积操作。为了利用全局上下文信息,我们在每个 YOLO 头之前引入了多头自我关注(MSA)模块。在 FLAME 和我们自建的火灾数据集上的实验结果表明,我们提出的模型提高了小规模森林火灾检测的准确性。所提出的模型充分利用了 YOLOv5 框架的优势,实现了高性能的实时性。
{"title":"An effective graph embedded YOLOv5 model for forest fire detection","authors":"Hui Yuan,&nbsp;Zhumao Lu,&nbsp;Ruizhe Zhang,&nbsp;Jinsong Li,&nbsp;Shuai Wang,&nbsp;Jingjing Fan","doi":"10.1111/coin.12640","DOIUrl":"https://doi.org/10.1111/coin.12640","url":null,"abstract":"<p>The existing YOLOv5-based framework has achieved great success in the field of target detection. However, in forest fire detection tasks, there are few high-quality forest fire images available, and the performance of the YOLO model has suffered a serious decline in detecting small-scale forest fires. Making full use of context information can effectively improve the performance of small target detection. To this end, this paper proposes a new graph-embedded YOLOv5 forest fire detection framework, which can improve the performance of small-scale forest fire detection using different scales of context information. To mine local context information, we design a spatial graph convolution operation based on the message passing neural network (MPNN) mechanism. To utilize global context information, we introduce a multi-head self-attention (MSA) module before each YOLO head. The experimental results on FLAME and our self-built fire dataset show that our proposed model improves the accuracy of small-scale forest fire detection. The proposed model achieves high performance in real-time performance by fully utilizing the advantages of the YOLOv5 framework.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 2","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-03-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140161493","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Multiscale attention for few-shot image classification 用于少量图像分类的多尺度注意力
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-03-18 DOI: 10.1111/coin.12639
Tong Zhou, Changyin Dong, Junshu Song, Zhiqiang Zhang, Zhen Wang, Bo Chang, Dechun Chen

In recent years, the application of traditional deep learning methods in the agricultural field using remote sensing techniques, such as crop area and growth monitoring, crop classification, and agricultural disaster monitoring, has been greatly facilitated by advancements in deep learning. The accuracy of image classification plays a crucial role in these applications. Although traditional deep learning methods have achieved significant success in remote sensing image classification, they often involve convolutional neural networks with a large number of parameters that require extensive optimization using numerous remote sensing images for training purposes. To address these challenges, we propose a novel approach called multiscale attention network (MAN) for sample-based remote sensing image classification. This method consists primarily of feature extractors and attention modules to effectively utilize different scale features through multiscale feature training during the training phase. We evaluate our proposed method on three datasets comprising agricultural remote sensing images and observe superior performance compared to existing approaches. Furthermore, we validate its generalizability by testing it on an oil well indicator diagram specifically designed for classification tasks.

近年来,深度学习技术的发展极大地促进了传统深度学习方法在农业领域的应用,如利用遥感技术进行作物面积和生长监测、作物分类和农业灾害监测等。图像分类的准确性在这些应用中起着至关重要的作用。虽然传统的深度学习方法在遥感图像分类方面取得了巨大成功,但它们通常涉及具有大量参数的卷积神经网络,需要利用大量遥感图像进行广泛的优化训练。为了应对这些挑战,我们提出了一种名为多尺度注意力网络(MAN)的新方法,用于基于样本的遥感图像分类。该方法主要由特征提取器和注意力模块组成,在训练阶段通过多尺度特征训练有效利用不同尺度的特征。我们在由农业遥感图像组成的三个数据集上对所提出的方法进行了评估,结果表明与现有方法相比,我们的方法具有更优越的性能。此外,我们还在专为分类任务设计的油井指示图上进行了测试,从而验证了该方法的通用性。
{"title":"Multiscale attention for few-shot image classification","authors":"Tong Zhou,&nbsp;Changyin Dong,&nbsp;Junshu Song,&nbsp;Zhiqiang Zhang,&nbsp;Zhen Wang,&nbsp;Bo Chang,&nbsp;Dechun Chen","doi":"10.1111/coin.12639","DOIUrl":"https://doi.org/10.1111/coin.12639","url":null,"abstract":"<p>In recent years, the application of traditional deep learning methods in the agricultural field using remote sensing techniques, such as crop area and growth monitoring, crop classification, and agricultural disaster monitoring, has been greatly facilitated by advancements in deep learning. The accuracy of image classification plays a crucial role in these applications. Although traditional deep learning methods have achieved significant success in remote sensing image classification, they often involve convolutional neural networks with a large number of parameters that require extensive optimization using numerous remote sensing images for training purposes. To address these challenges, we propose a novel approach called multiscale attention network (MAN) for sample-based remote sensing image classification. This method consists primarily of feature extractors and attention modules to effectively utilize different scale features through multiscale feature training during the training phase. We evaluate our proposed method on three datasets comprising agricultural remote sensing images and observe superior performance compared to existing approaches. Furthermore, we validate its generalizability by testing it on an oil well indicator diagram specifically designed for classification tasks.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 2","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-03-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140161492","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
FVCNet: Detection obstacle method based on feature visual clustering network in power line inspection FVCNet:电力线路检测中基于特征视觉聚类网络的障碍物检测方法
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-03-18 DOI: 10.1111/coin.12634
Qiu-Yu Wang, Xian-Long Lv, Shi-Kai Tang

Power line inspection is an important means to eliminate hidden dangers of power lines. It is a difficult research problem how to solve the low accuracy of power line inspection based on deep neural network (DNN) due to the problems of multi-view-shape, small-size object. In this paper, an automatic detection model based on Feature visual clustering network (FVCNet) for power line inspection is established. First, an unsupervised clustering method for power line inspection is proposed, and applied to construct a detection model which can recognize multi-view-shape objects and enhanced object features. Then, the bilinear interpolation method is used to Feature enhancement method, and the enhanced high-level semantics and low-level semantics are fused to solve the problems of small object size and single sample. In this paper, FVCNet is applied to the MS-COCO 2017 data set and self-made power line inspection data set, and the test accuracy is increased to 61.2% and 82.0%, respectively. Compared with other models, especially for the categories that are greatly affected by multi-view-shape, the test accuracy has been improved significantly.

电力线路巡检是消除电力线路隐患的重要手段。如何解决基于深度神经网络(DNN)的电力线路巡检因多视角形状、小尺寸物体等问题而导致的巡检精度低的问题,是一个研究难点。本文建立了一种基于特征视觉聚类网络(FVCNet)的电力线检测自动检测模型。首先,提出了一种用于电力线路检测的无监督聚类方法,并将其应用于构建可识别多视角形状物体和增强物体特征的检测模型。然后,将双线性插值法用于特征增强方法,并将增强后的高层语义与低层语义融合,以解决对象尺寸小和样本单一的问题。本文将 FVCNet 应用于 MS-COCO 2017 数据集和自制电力线路检测数据集,测试准确率分别提高到 61.2% 和 82.0%。与其他模型相比,特别是对于受多视角形状影响较大的类别,测试精度有了显著提高。
{"title":"FVCNet: Detection obstacle method based on feature visual clustering network in power line inspection","authors":"Qiu-Yu Wang,&nbsp;Xian-Long Lv,&nbsp;Shi-Kai Tang","doi":"10.1111/coin.12634","DOIUrl":"https://doi.org/10.1111/coin.12634","url":null,"abstract":"<p>Power line inspection is an important means to eliminate hidden dangers of power lines. It is a difficult research problem how to solve the low accuracy of power line inspection based on deep neural network (DNN) due to the problems of multi-view-shape, small-size object. In this paper, an automatic detection model based on Feature visual clustering network (FVCNet) for power line inspection is established. First, an unsupervised clustering method for power line inspection is proposed, and applied to construct a detection model which can recognize multi-view-shape objects and enhanced object features. Then, the bilinear interpolation method is used to Feature enhancement method, and the enhanced high-level semantics and low-level semantics are fused to solve the problems of small object size and single sample. In this paper, FVCNet is applied to the MS-COCO 2017 data set and self-made power line inspection data set, and the test accuracy is increased to 61.2% and 82.0%, respectively. Compared with other models, especially for the categories that are greatly affected by multi-view-shape, the test accuracy has been improved significantly.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 2","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-03-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140161351","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Enhancing scene-text visual question answering with relational reasoning, attention and dynamic vocabulary integration 利用关系推理、注意力和动态词汇整合加强场景-文本视觉问题解答
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-02-20 DOI: 10.1111/coin.12635
Mayank Agrawal, Anand Singh Jalal, Himanshu Sharma

Visual question answering (VQA) is a challenging task in computer vision. Recently, there has been a growing interest in text-based VQA tasks, emphasizing the important role of textual information for better understanding of images. Effectively utilizing text information within the image is crucial for achieving success in this task. However, existing approaches often overlook the contextual information and neglect to utilize the relationships between scene-text tokens and image objects. They simply incorporate the scene-text tokens mined from the image into the VQA model without considering these important factors. In this paper, the proposed model initially analyzes the image to extract text and identify scene objects. It then comprehends the question and mines relationships among the question, OCRed text, and scene objects, ultimately generating an answer through relational reasoning by conducting semantic and positional attention. Our decoder with attention map loss enables prediction of complex answers and handles dynamic vocabularies, reducing decoding space. It outperforms softmax-based cross entropy loss in accuracy and efficiency by accommodating varying vocabulary sizes. We evaluated our model's performance on the TextVQA dataset and achieved an accuracy of 53.91% on the validation set and 53.98% on the test set. Moreover, on the ST-VQA dataset, our model obtained ANLS scores of 0.699 on the validation set and 0.692 on the test set.

视觉问题解答(VQA)是计算机视觉领域一项极具挑战性的任务。最近,人们对基于文本的 VQA 任务越来越感兴趣,强调文本信息对于更好地理解图像的重要作用。有效利用图像中的文本信息是这项任务取得成功的关键。然而,现有的方法往往忽略了上下文信息,忽视了场景文本标记与图像对象之间的关系。它们只是将从图像中挖掘出的场景文本标记纳入 VQA 模型,而没有考虑这些重要因素。本文提出的模型首先分析图像,提取文本并识别场景对象。然后,它理解问题并挖掘问题、OCR 文本和场景对象之间的关系,最终通过语义和位置注意力的关系推理生成答案。我们的解码器具有注意力图损失功能,能够预测复杂的答案,并处理动态词汇,从而减少解码空间。通过适应不同的词汇量,它在准确性和效率方面都优于基于软最大交叉熵损失的解码器。我们在 TextVQA 数据集上评估了模型的性能,验证集的准确率为 53.91%,测试集的准确率为 53.98%。此外,在 ST-VQA 数据集上,我们的模型在验证集上获得了 0.699 的 ANLS 分数,在测试集上获得了 0.692 的 ANLS 分数。
{"title":"Enhancing scene-text visual question answering with relational reasoning, attention and dynamic vocabulary integration","authors":"Mayank Agrawal,&nbsp;Anand Singh Jalal,&nbsp;Himanshu Sharma","doi":"10.1111/coin.12635","DOIUrl":"https://doi.org/10.1111/coin.12635","url":null,"abstract":"<p>Visual question answering (VQA) is a challenging task in computer vision. Recently, there has been a growing interest in text-based VQA tasks, emphasizing the important role of textual information for better understanding of images. Effectively utilizing text information within the image is crucial for achieving success in this task. However, existing approaches often overlook the contextual information and neglect to utilize the relationships between scene-text tokens and image objects. They simply incorporate the scene-text tokens mined from the image into the VQA model without considering these important factors. In this paper, the proposed model initially analyzes the image to extract text and identify scene objects. It then comprehends the question and mines relationships among the question, OCRed text, and scene objects, ultimately generating an answer through relational reasoning by conducting semantic and positional attention. Our decoder with attention map loss enables prediction of complex answers and handles dynamic vocabularies, reducing decoding space. It outperforms softmax-based cross entropy loss in accuracy and efficiency by accommodating varying vocabulary sizes. We evaluated our model's performance on the TextVQA dataset and achieved an accuracy of 53.91% on the validation set and 53.98% on the test set. Moreover, on the ST-VQA dataset, our model obtained ANLS scores of 0.699 on the validation set and 0.692 on the test set.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 1","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-02-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139915719","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Greedy-based user selection for federated graph neural networks with limited communication resources 为通信资源有限的联合图神经网络选择基于贪婪的用户
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-02-20 DOI: 10.1111/coin.12637
Hancong Huangfu, Zizhen Zhang

Recently, graph neural networks (GNNs) have attracted much attention in the field of machine learning due to their remarkable success in learning from graph-structured data. However, implementing GNNs in practice faces a critical bottleneck from the high complexity of communication and computation, which arises from the frequent exchange of graphic data during model training, especially in limited communication scenarios. To address this issue, we propose a novel framework of federated graph neural networks, where multiple mobile users collaboratively train the global model of graph neural networks in a federated way. The utilization of federated learning into the training of graph neural networks can help reduce the communication overhead of the system and protect the data privacy of local users. In addition, the federated training can help reduce the system computational complexity significantly. We further introduce a greedy-based user selection for the federated graph neural networks, where the wireless bandwidth is dynamically allocated among users to encourage more users to attend the federated training of neural networks. We perform the convergence analysis on the federated training of neural networks, in order to obtain some more insights on the impact of critical parameters on the system design. Finally, we perform the simulations on the coriolis ocean for reAnalysis (CORA) dataset and show the advantages of the proposed method in this paper.

最近,图神经网络(GNN)因其在从图结构数据中学习方面的显著成功而在机器学习领域备受关注。然而,在实践中实现图神经网络面临着通信和计算复杂度高的关键瓶颈,这源于模型训练过程中图形数据的频繁交换,尤其是在通信有限的情况下。为解决这一问题,我们提出了一种新颖的联合图神经网络框架,即多个移动用户以联合的方式协作训练图神经网络的全局模型。在图神经网络的训练中利用联合学习有助于减少系统的通信开销,并保护本地用户的数据隐私。此外,联合训练还有助于大大降低系统的计算复杂度。我们进一步为联合图神经网络引入了基于贪婪的用户选择,在用户之间动态分配无线带宽,以鼓励更多用户参加神经网络的联合训练。我们对神经网络的联合训练进行了收敛分析,以便进一步了解关键参数对系统设计的影响。最后,我们在科里奥利海洋再分析(CORA)数据集上进行了模拟,并展示了本文所提方法的优势。
{"title":"Greedy-based user selection for federated graph neural networks with limited communication resources","authors":"Hancong Huangfu,&nbsp;Zizhen Zhang","doi":"10.1111/coin.12637","DOIUrl":"https://doi.org/10.1111/coin.12637","url":null,"abstract":"<p>Recently, graph neural networks (GNNs) have attracted much attention in the field of machine learning due to their remarkable success in learning from graph-structured data. However, implementing GNNs in practice faces a critical bottleneck from the high complexity of communication and computation, which arises from the frequent exchange of graphic data during model training, especially in limited communication scenarios. To address this issue, we propose a novel framework of federated graph neural networks, where multiple mobile users collaboratively train the global model of graph neural networks in a federated way. The utilization of federated learning into the training of graph neural networks can help reduce the communication overhead of the system and protect the data privacy of local users. In addition, the federated training can help reduce the system computational complexity significantly. We further introduce a greedy-based user selection for the federated graph neural networks, where the wireless bandwidth is dynamically allocated among users to encourage more users to attend the federated training of neural networks. We perform the convergence analysis on the federated training of neural networks, in order to obtain some more insights on the impact of critical parameters on the system design. Finally, we perform the simulations on the coriolis ocean for reAnalysis (CORA) dataset and show the advantages of the proposed method in this paper.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 1","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-02-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139915720","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Energy optimization with authentication and cost effective storage in the wireless sensor IoTs using blockchain 利用区块链在无线传感器物联网中通过认证和低成本存储实现能源优化
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-02-13 DOI: 10.1111/coin.12630
Turki Ali Alghamdi, Nadeem Javaid

In this paper, a hybrid blockchain-based authentication scheme is proposed that provides the mechanism to authenticate the randomly distributed sensor IoTs. These nodes are divided into three types: ordinary nodes, cluster heads and sink nodes. For authentication of these nodes in a Wireless Sensor IoTs (WSIoTs), a hybrid blockchain model is introduced. It consists of both private and public blockchains, which are used to authenticate ordinary nodes and cluster heads, respectively. Moreover, to handle the issue of cluster head failure due to inefficient energy consumption, Improved Heterogeneous Gateway-based Energy-Aware Multi-hop Routing (I-HMGEAR) protocol is proposed in combination with blockchain. It provides a mechanism to efficiently use the overall energy of the network. Besides, the processed data of subnetworks is stored on blockchain that causes the issue of increased monetary cost. To solve this issue, an external platform known as InterPlanetary File System (IPFS) is used, which distributively stores the data on different devices. The simulation results show that our proposed model outperforms existing clustering scheme in terms of network lifetime and data storage cost of the WSIoTs. Our proposed scheme increases the lifetime of the network as compared to existing trust management model, intrusion prevention and multi WSN authentication schemes by 17.5%, 24.2% and 19.6%, respectively.

本文提出了一种基于区块链的混合认证方案,为随机分布的传感器物联网提供了认证机制。这些节点分为三种类型:普通节点、簇头和汇节点。为了在无线传感器物联网(WSIoTs)中对这些节点进行身份验证,本文引入了一种混合区块链模型。它由私有区块链和公共区块链组成,分别用于验证普通节点和簇头。此外,为了解决因低效能耗而导致簇头失效的问题,还提出了与区块链相结合的基于改进异构网关的能量感知多跳路由协议(I-HMGEAR)。它提供了一种有效利用网络整体能量的机制。此外,子网络的处理数据存储在区块链上,会导致货币成本增加的问题。为了解决这个问题,我们使用了一个名为 "跨行星文件系统(IPFS)"的外部平台,它将数据分布存储在不同的设备上。仿真结果表明,就 WSIoTs 的网络寿命和数据存储成本而言,我们提出的模型优于现有的聚类方案。与现有的信任管理模式、入侵防御和多 WSN 身份验证方案相比,我们提出的方案可将网络寿命分别提高 17.5%、24.2% 和 19.6%。
{"title":"Energy optimization with authentication and cost effective storage in the wireless sensor IoTs using blockchain","authors":"Turki Ali Alghamdi,&nbsp;Nadeem Javaid","doi":"10.1111/coin.12630","DOIUrl":"https://doi.org/10.1111/coin.12630","url":null,"abstract":"<p>In this paper, a hybrid blockchain-based authentication scheme is proposed that provides the mechanism to authenticate the randomly distributed sensor IoTs. These nodes are divided into three types: ordinary nodes, cluster heads and sink nodes. For authentication of these nodes in a Wireless Sensor IoTs (WSIoTs), a hybrid blockchain model is introduced. It consists of both private and public blockchains, which are used to authenticate ordinary nodes and cluster heads, respectively. Moreover, to handle the issue of cluster head failure due to inefficient energy consumption, Improved Heterogeneous Gateway-based Energy-Aware Multi-hop Routing (I-HMGEAR) protocol is proposed in combination with blockchain. It provides a mechanism to efficiently use the overall energy of the network. Besides, the processed data of subnetworks is stored on blockchain that causes the issue of increased monetary cost. To solve this issue, an external platform known as InterPlanetary File System (IPFS) is used, which distributively stores the data on different devices. The simulation results show that our proposed model outperforms existing clustering scheme in terms of network lifetime and data storage cost of the WSIoTs. Our proposed scheme increases the lifetime of the network as compared to existing trust management model, intrusion prevention and multi WSN authentication schemes by 17.5%, 24.2% and 19.6%, respectively.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 1","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-02-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139732347","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Artificial intelligence and Internet of Things-enabled decision support system for the prediction of bacterial stalk root disease in maize crop 人工智能和物联网决策支持系统用于预测玉米作物细菌性茎根病
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-02-13 DOI: 10.1111/coin.12632
Shaha Al-Otaibi, Rahim Khan, Jehad Ali, Aftab Ahmed

Although the Internet of Things (IoT) has been considered one of the most promising technologies to automate various daily life activities, that is, monitoring and prediction, it has become extremely useful for problem solving with the introduction and integration of artificial intelligence (AI)-enabled smart learning methodologies. Therefore, due to their overwhelming characteristics, AI-enabled IoTs have been used in different application environments, such as agriculture, where detection, prevention (if possible), and prediction of crop diseases, especially at the earliest possible stage, are desperately required. Bacterial stalk root is a common disease of tomatoes that severely affects its production and yield if necessary measures are not taken. In this article, AI and an IoT-enabled decision support system (DSS) have been developed to predict the possible occurrence of bacterial stalk root diseases through a sophisticated technological infrastructure. For this purpose, Arduino agricultural boards, preferably with necessary embedded sensors, are deployed in the agricultural field of maize crops to capture valuable data at a certain time interval and send it to a centralized module where AI-based DSS, which is trained on an equally similar data set, is implemented to thoroughly examine captured data values for the possible occurrence of the disease. Additionally, the proposed AI- and IoT-enabled DSS has been tested on benchmark data sets, that is, freely available online, along with real-time captured data sets. Both experimental and simulation results show that the proposed scheme has achieved the highest accuracy level in timely prediction of the underlined disease. Finally, maize crop plots with the proposed system have significantly increased the yield (production) ratio of crops.

尽管物联网(IoT)一直被认为是实现各种日常生活活动(即监测和预测)自动化的最有前途的技术之一,但随着人工智能(AI)智能学习方法的引入和整合,物联网在解决问题方面变得极为有用。因此,由于人工智能物联网具有压倒性的特点,它已被用于不同的应用环境,例如农业,因为农业迫切需要对作物病害进行检测、预防(如果可能的话)和预测,特别是在尽可能早的阶段。细菌性茎根病是番茄的一种常见病,如果不采取必要措施,会严重影响番茄的生产和产量。本文开发了人工智能和物联网决策支持系统(DSS),通过先进的技术基础设施来预测可能发生的细菌性茎根病害。为此,Arduino 农业板(最好带有必要的嵌入式传感器)被部署在玉米作物的农田中,以在一定的时间间隔捕获有价值的数据,并将其发送到一个中央模块,在该模块中,基于人工智能的决策支持系统在一个同样相似的数据集上进行了训练,以彻底检查捕获的数据值是否可能发生疾病。此外,拟议的人工智能和物联网支持的 DSS 还在基准数据集(即免费在线数据集)和实时捕获的数据集上进行了测试。实验和模拟结果表明,所提出的方案在及时预测下划线疾病方面达到了最高的准确度。最后,使用拟议系统的玉米作物地块显著提高了作物的产量(生产)率。
{"title":"Artificial intelligence and Internet of Things-enabled decision support system for the prediction of bacterial stalk root disease in maize crop","authors":"Shaha Al-Otaibi,&nbsp;Rahim Khan,&nbsp;Jehad Ali,&nbsp;Aftab Ahmed","doi":"10.1111/coin.12632","DOIUrl":"https://doi.org/10.1111/coin.12632","url":null,"abstract":"<p>Although the Internet of Things (IoT) has been considered one of the most promising technologies to automate various daily life activities, that is, monitoring and prediction, it has become extremely useful for problem solving with the introduction and integration of artificial intelligence (AI)-enabled smart learning methodologies. Therefore, due to their overwhelming characteristics, AI-enabled IoTs have been used in different application environments, such as agriculture, where detection, prevention (if possible), and prediction of crop diseases, especially at the earliest possible stage, are desperately required. Bacterial stalk root is a common disease of tomatoes that severely affects its production and yield if necessary measures are not taken. In this article, AI and an IoT-enabled decision support system (DSS) have been developed to predict the possible occurrence of bacterial stalk root diseases through a sophisticated technological infrastructure. For this purpose, Arduino agricultural boards, preferably with necessary embedded sensors, are deployed in the agricultural field of maize crops to capture valuable data at a certain time interval and send it to a centralized module where AI-based DSS, which is trained on an equally similar data set, is implemented to thoroughly examine captured data values for the possible occurrence of the disease. Additionally, the proposed AI- and IoT-enabled DSS has been tested on benchmark data sets, that is, freely available online, along with real-time captured data sets. Both experimental and simulation results show that the proposed scheme has achieved the highest accuracy level in timely prediction of the underlined disease. Finally, maize crop plots with the proposed system have significantly increased the yield (production) ratio of crops.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 1","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-02-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139732247","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Correction to Capacitated single-allocation hub location model for a flood relief distribution network 对泄洪分配网络的有能力单一分配枢纽位置模型的更正
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-01-23 DOI: 10.1111/coin.12614

Sangsawang O, Chanta S. Capacitated single-allocation hub location model for a flood relief distribution network. Computational Intelligence. 2020;36:1320–1347.

The errors are in Section 3.2 Model formulation, Equations (1), (2), (4), and (7). These errors are critical, especially in the objective model (1). It appeared that the index was mixed with the decision variables, so it made the whole Equation (1) wrong.

The online version of this article has been corrected accordingly.

We apologize for this error.

Sangsawang O, Chanta S. 洪水救援配送网络的有容量单一分配枢纽定位模型。计算智能。误差出现在第 3.2 节的模型表述、公式 (1)、(2)、(4) 和 (7)。这些误差至关重要,尤其是在目标模型(1)中。错误的等式:k 是指数,不应该出现在求和之间,上面的 k 应该是大写的 K,O 前面的 X 应该是希腊字母。Minimize∑i=1Ik∑k=1kCik(m,t)Xik(XOi+δDi)+∑i=1I∑k=1K∑l=1LαCkl(m,t)Ykli+∑k=1KFkXkk$$ mathit{operatorname{Minimize}} 和 limits_{k=1}^Ik sum limits_{k=1}^k{C}_{ik}^{left(m、tright)}{X}_{ik}left({XO}_i+delta {D}_iright)+sum limits_{i=1}^Isum limits_{k=1}^Ksum limits_{l=1}^Lalpha {C}_{kl}^{left(m,tright)}{Y}_{kl}^i+sum limits_{k=1}^K{F}_k{X}_{kk}$$(1)Should be:最小化∑i=1I∑k=1KCik(m,t)Xik(χOi+δDi)+∑i=1I∑k=1K∑l=1LαCkl(m,t)Ykli+∑k=1KFkXk$$ mathrm{Minimise}sum limits_{i=1}^Isum limits_{k=1}^K{C}_{ik}^{left(m、t/right)}{X}_{ik}(left(chi {O}_i+delta {D}_iright)+sum limits_{i=1}^Isum limits_{k=1}^Ksum limits_{l=1}^Lalpha {C}_{kl}^{left(m,tright)}{Y}_{kl}^i+sum limits_{k=1}^K{F}_{k{X}_{kk}$$(1)错误的方程:∑k=1kXik=1∀i$$ sum limits_{k=1}^k{X}_{ik}=1kern0.5em forall i $$(2)Should be:∑k=1KXik=1∀i$ $sum limits_{k=1}^K{X}_{ik}=1kern0.5em forall i $$(2)The wrong equation:求和中的 j 应该是大写的 J,第二项的下标 kl 应该是 lk。∑l=1LYkli-∑l=1LYkli=OiXik-∑j=1jWijXjk∀i,k$$ sum limits_{l=1}^L{Y}_{kl}^i-sum limits_{l=1}^L{Y}_{kl}^i={O}_i{X}_{ik}-sum limits_{j=1}^j{W}_{ij}{X}_{jk}kern0.5em forall i,k $$(4)Should be:∑l=1LYkli−∑l=1LYlki=Oi⁢Xik−∑j=1JWij⁢Xjk∀i,k$$ sum limits_{l=1}^L{Y}_{kl}^i-sum limits_{l=1}^L{Y}_{lk}^i={O}_i{X}_{ik}-sum limits_{j=1}^J{W}_{ij}{X}_{jk}kern0.5em forall i,k $$(4)The wrong equation:J = 1 应为小 j = 1,下标 ik 应为 jk。∑J=1Jtik(m,t)Xjk≤Td∀k$$ sum limits_{J=1}^J{t}_{ik}^{left(m,tright)}{X}_{jk}le {T}_dkern0.5em forall k $$(7)Should be:∑j=1Jtjk(m,t)Xjk≤Td∀k$$ sum limits_{j=1}^J{t}_{jk}^{left(m,tright)}{X}_{jk}le {T}_dkern0.5em forall k $$(7)The online version of this article has been corrected accordingly.We apologize for this error.
{"title":"Correction to Capacitated single-allocation hub location model for a flood relief distribution network","authors":"","doi":"10.1111/coin.12614","DOIUrl":"10.1111/coin.12614","url":null,"abstract":"<p>Sangsawang O, Chanta S. Capacitated single-allocation hub location model for a flood relief distribution network. <i>Computational Intelligence</i>. 2020;36:1320–1347.</p><p>The errors are in Section 3.2 Model formulation, Equations (1), (2), (4), and (7). These errors are critical, especially in the objective model (1). It appeared that the index was mixed with the decision variables, so it made the whole Equation (1) wrong.</p><p>The online version of this article has been corrected accordingly.</p><p>We apologize for this error.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 2","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-01-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1111/coin.12614","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139553148","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
XAI-driven model for crop recommender system for use in precision agriculture 用于精准农业的 XAI 驱动型作物推荐系统模型
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-01-14 DOI: 10.1111/coin.12629
Parvathaneni Naga Srinivasu, Muhammad Fazal Ijaz, Marcin Woźniak

Agriculture serves as the predominant driver of a country's economy, constituting the largest share of the nation's manpower. Most farmers are facing a problem in choosing the most appropriate crop that can yield better based on the environmental conditions and make profits for them. As a consequence of this, there will be a notable decline in their overall productivity. Precision agriculture has effectively resolved the issues encountered by farmers. Today's farmers may benefit from what's known as precision agriculture. This method takes into account local climate, soil type, and past crop yields to determine which varieties will provide the best results. The explainable artificial intelligence (XAI) technique is used with radial basis functions neural network and spider monkey optimization to classify suitable crops based on the underlying soil and environmental conditions. The XAI technology would provide assets in better transparency of the prediction model on deciding the most suitable crops for their farms, taking into account a variety of geographical and operational criteria. The proposed model is assessed using standard metrics like precision, recall, accuracy, and F1-score. In contrast to other cutting-edge approaches discussed in this study, the model has shown fair performance with approximately 12% better accuracy than the other models considered in the current study. Similarly, precision has improvised by 10%, recall by 11%, and F1-score by 10%.

农业是一个国家经济的主要驱动力,占国家人力的最大份额。大多数农民都面临着一个问题,那就是如何根据环境条件选择最合适的作物,既能提高产量,又能为他们带来利润。因此,他们的整体生产率会明显下降。精准农业有效地解决了农民遇到的问题。如今的农民可以从所谓的精准农业中受益。这种方法会考虑当地的气候、土壤类型和以往的作物产量,以确定哪些品种能带来最佳效果。可解释人工智能(XAI)技术与径向基函数神经网络和蜘蛛猴优化相结合,根据土壤和环境条件对合适的作物进行分类。考虑到各种地理和操作标准,XAI 技术将为资产提供透明度更高的预测模型,以决定最适合其农场的作物。建议的模型使用精确度、召回率、准确度和 F1 分数等标准指标进行评估。与本研究中讨论的其他前沿方法相比,该模型表现尚可,准确率比本研究中考虑的其他模型高出约 12%。同样,精确度提高了 10%,召回率提高了 11%,F1 分数提高了 10%。
{"title":"XAI-driven model for crop recommender system for use in precision agriculture","authors":"Parvathaneni Naga Srinivasu,&nbsp;Muhammad Fazal Ijaz,&nbsp;Marcin Woźniak","doi":"10.1111/coin.12629","DOIUrl":"10.1111/coin.12629","url":null,"abstract":"<p>Agriculture serves as the predominant driver of a country's economy, constituting the largest share of the nation's manpower. Most farmers are facing a problem in choosing the most appropriate crop that can yield better based on the environmental conditions and make profits for them. As a consequence of this, there will be a notable decline in their overall productivity. Precision agriculture has effectively resolved the issues encountered by farmers. Today's farmers may benefit from what's known as precision agriculture. This method takes into account local climate, soil type, and past crop yields to determine which varieties will provide the best results. The explainable artificial intelligence (XAI) technique is used with radial basis functions neural network and spider monkey optimization to classify suitable crops based on the underlying soil and environmental conditions. The XAI technology would provide assets in better transparency of the prediction model on deciding the most suitable crops for their farms, taking into account a variety of geographical and operational criteria. The proposed model is assessed using standard metrics like precision, recall, accuracy, and F1-score. In contrast to other cutting-edge approaches discussed in this study, the model has shown fair performance with approximately 12% better accuracy than the other models considered in the current study. Similarly, precision has improvised by 10%, recall by 11%, and F1-score by 10%.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 1","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-01-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139483901","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Event assigning based on hierarchical features and enhanced association for Chinese mayor's hotline 基于分层特征和增强关联的中国市长热线事件分配
IF 2.8 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-01-04 DOI: 10.1111/coin.12626
Gang Chen, Xiaomin Cheng, Jianpeng Chen, Xiangrong She, JiaQi Qin, Jian Chen

Nowadays, manual event assignment for Chinese mayor's hotline is still a problem of low efficiency. In this paper, we propose a computer-aided event assignment method based on hierarchical features and enhanced association. First, hierarchical features of hotline events are extracted to obtain event encoding vectors. Second, the fine-tuned RoBERTa2RoBERTa model is used to encode the “sanding” responsibility texts of Chinese local departments. Third, an association enhanced attention (AEA) mechanism is proposed to capture the correlation information of the “event-sanding” splicing vectors for the sake of obtaining matching results of “event-sanding,” and the matching results are input into the classifier. Finally, the assignment department for is obtained by a department selection module. Experimental results show that our method can achieve better performance compared with several baseline methods on HEAD (a dataset we construct independently). The ablation experiments also demonstrate the validity of each key module in our method.

目前,中国市长热线的人工事件分配仍存在效率低的问题。本文提出了一种基于分层特征和增强关联的计算机辅助事件分配方法。首先,提取热线事件的层次特征,得到事件编码向量。其次,使用经过微调的 RoBERTa2RoBERTa 模型对中国地方部门的 "打磨 "责任文本进行编码。第三,提出关联增强注意(AEA)机制,捕捉 "事件-打磨 "拼接向量的关联信息,以获得 "事件-打磨 "的匹配结果,并将匹配结果输入分类器。最后,通过部门选择模块得到分配部门。实验结果表明,与 HEAD(我们独立构建的数据集)上的几种基线方法相比,我们的方法能取得更好的性能。消融实验也证明了我们方法中每个关键模块的有效性。
{"title":"Event assigning based on hierarchical features and enhanced association for Chinese mayor's hotline","authors":"Gang Chen,&nbsp;Xiaomin Cheng,&nbsp;Jianpeng Chen,&nbsp;Xiangrong She,&nbsp;JiaQi Qin,&nbsp;Jian Chen","doi":"10.1111/coin.12626","DOIUrl":"10.1111/coin.12626","url":null,"abstract":"<p>Nowadays, manual event assignment for Chinese mayor's hotline is still a problem of low efficiency. In this paper, we propose a computer-aided event assignment method based on hierarchical features and enhanced association. First, hierarchical features of hotline events are extracted to obtain event encoding vectors. Second, the fine-tuned RoBERTa2RoBERTa model is used to encode the “sanding” responsibility texts of Chinese local departments. Third, an association enhanced attention (AEA) mechanism is proposed to capture the correlation information of the “event-sanding” splicing vectors for the sake of obtaining matching results of “event-sanding,” and the matching results are input into the classifier. Finally, the assignment department for is obtained by a department selection module. Experimental results show that our method can achieve better performance compared with several baseline methods on HEAD (a dataset we construct independently). The ablation experiments also demonstrate the validity of each key module in our method.</p>","PeriodicalId":55228,"journal":{"name":"Computational Intelligence","volume":"40 1","pages":""},"PeriodicalIF":2.8,"publicationDate":"2024-01-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"139385806","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Computational 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