首页 > 最新文献

IEEE transactions on artificial intelligence最新文献

英文 中文
An Integrated Fusion Framework for Ensemble Learning Leveraging Gradient-Boosting and Fuzzy Rule-Based Models 利用梯度提升和模糊规则模型的集合学习综合融合框架
Pub Date : 2024-07-08 DOI: 10.1109/TAI.2024.3424427
Jinbo Li;Peng Liu;Long Chen;Witold Pedrycz;Weiping Ding
The integration of different learning paradigms has long been a focus of machine learning research, aimed at overcoming the inherent limitations of individual methods. Fuzzy rule-based models excel in interpretability and have seen widespread application across diverse fields. However, they face challenges such as complex design specifications and scalability issues with large datasets. The fusion of different techniques and strategies, particularly gradient boosting, with fuzzy rule-based models offers a robust solution to these challenges. This article proposes an integrated fusion framework that merges the strengths of both paradigms to enhance model performance and interpretability. At each iteration, a fuzzy rule-based model is constructed and controlled by a dynamic factor to optimize its contribution to the overall ensemble. This control factor serves multiple purposes: it prevents model dominance, encourages diversity, acts as a regularization parameter, and provides a mechanism for dynamic tuning based on model performance, thus mitigating the risk of overfitting. Additionally, the framework incorporates a sample-based correction mechanism that allows for adaptive adjustments based on feedback from a validation set. Experimental results substantiate the efficacy of the presented gradient-boosting framework for fuzzy rule-based models, demonstrating performance enhancement, especially in terms of mitigating overfitting and complexity typically associated with many rules. By leveraging an optimal factor to govern the contribution of each model, the framework improves performance, maintains interpretability, and simplifies the maintenance and update of the models.
长期以来,不同学习范式的整合一直是机器学习研究的重点,其目的是克服个别方法的固有局限性。基于模糊规则的模型在可解释性方面表现出色,已在多个领域得到广泛应用。然而,它们也面临着一些挑战,如复杂的设计规范和大型数据集的可扩展性问题。将不同的技术和策略,特别是梯度提升技术,与基于模糊规则的模型进行融合,为应对这些挑战提供了一种稳健的解决方案。本文提出了一个综合融合框架,融合了两种范式的优势,以提高模型的性能和可解释性。在每次迭代中,都会构建一个基于模糊规则的模型,并由一个动态因子进行控制,以优化其对整体集合的贡献。该控制因子有多种作用:防止模型占主导地位,鼓励多样性,充当正则化参数,并提供基于模型性能的动态调整机制,从而降低过度拟合的风险。此外,该框架还包含一种基于样本的修正机制,可根据验证集的反馈进行自适应调整。实验结果证明了所介绍的梯度提升框架在基于模糊规则的模型中的功效,展示了性能的提升,尤其是在减轻过拟合和通常与许多规则相关的复杂性方面。通过利用最优因子来控制每个模型的贡献,该框架提高了性能,保持了可解释性,并简化了模型的维护和更新。
{"title":"An Integrated Fusion Framework for Ensemble Learning Leveraging Gradient-Boosting and Fuzzy Rule-Based Models","authors":"Jinbo Li;Peng Liu;Long Chen;Witold Pedrycz;Weiping Ding","doi":"10.1109/TAI.2024.3424427","DOIUrl":"https://doi.org/10.1109/TAI.2024.3424427","url":null,"abstract":"The integration of different learning paradigms has long been a focus of machine learning research, aimed at overcoming the inherent limitations of individual methods. Fuzzy rule-based models excel in interpretability and have seen widespread application across diverse fields. However, they face challenges such as complex design specifications and scalability issues with large datasets. The fusion of different techniques and strategies, particularly gradient boosting, with fuzzy rule-based models offers a robust solution to these challenges. This article proposes an integrated fusion framework that merges the strengths of both paradigms to enhance model performance and interpretability. At each iteration, a fuzzy rule-based model is constructed and controlled by a dynamic factor to optimize its contribution to the overall ensemble. This control factor serves multiple purposes: it prevents model dominance, encourages diversity, acts as a regularization parameter, and provides a mechanism for dynamic tuning based on model performance, thus mitigating the risk of overfitting. Additionally, the framework incorporates a sample-based correction mechanism that allows for adaptive adjustments based on feedback from a validation set. Experimental results substantiate the efficacy of the presented gradient-boosting framework for fuzzy rule-based models, demonstrating performance enhancement, especially in terms of mitigating overfitting and complexity typically associated with many rules. By leveraging an optimal factor to govern the contribution of each model, the framework improves performance, maintains interpretability, and simplifies the maintenance and update of the models.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5771-5785"},"PeriodicalIF":0.0,"publicationDate":"2024-07-08","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600170","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Lightweight Parallel Convolutional Neural Network With SVM Classifier for Satellite Imagery Classification 用于卫星图像分类的轻量级并行卷积神经网络与 SVM 分类器
Pub Date : 2024-07-05 DOI: 10.1109/TAI.2024.3423813
Priyanti Paul Tumpa;Md. Saiful Islam
Satellite image classification is crucial for various applications, driving advancements in convolutional neural networks (CNNs). While CNNs have proven effective, deep models often encounter overfitting issues as the network's depth increases since the model has to learn many parameters. Besides this, traditional CNNs have the inherent difficulty of extracting fine-grained details and broader patterns simultaneously. To overcome these challenges, this article presents a novel approach using a lightweight parallel CNN (LPCNN) architecture with a support vector machine (SVM) classifier to classify satellite images. At first, preprocessing such as resizing and sharpening is used to improve image quality. Each branch within the parallel network is designed for specific resolution characteristics, spanning from low (emphasizing broader patterns) to high (capturing fine-grained details), enabling the simultaneous extraction of a comprehensive set of features without increasing network depth. The LPCNN incorporates a dilation factor to expand the network's receptive field without increasing parameters, and a dropout layer is introduced to mitigate overfitting. SVM is used alongside LPCNN because it is effective at handling high-dimensional features and defining complex decision boundaries, which improves overall classification accuracy. Evaluation of two public datasets (EuroSAT dataset and RSI-CB256 dataset) demonstrates remarkable accuracy rates of 97.91% and 99.8%, surpassing previous state-of-the-art models. Finally, LPCNN, with less than 1 million parameters, outperforms high-parameter models by effectively addressing overfitting issues, showcasing exceptional performance in satellite image classification.
卫星图像分类对各种应用至关重要,推动了卷积神经网络(CNN)的发展。虽然事实证明卷积神经网络非常有效,但随着网络深度的增加,深度模型往往会遇到过拟合问题,因为模型需要学习许多参数。除此之外,传统的 CNN 在同时提取细粒度细节和更广泛的模式方面存在固有的困难。为了克服这些难题,本文提出了一种使用轻量级并行 CNN(LPCNN)架构和支持向量机(SVM)分类器对卫星图像进行分类的新方法。首先,通过调整大小和锐化等预处理来提高图像质量。并行网络中的每个分支都针对特定的分辨率特征而设计,从低分辨率(强调更广泛的模式)到高分辨率(捕捉细粒度细节),从而在不增加网络深度的情况下同时提取一组全面的特征。LPCNN 包含一个扩张因子,可在不增加参数的情况下扩大网络的感受野,同时还引入了一个剔除层,以减少过拟合。SVM 与 LPCNN 同时使用,是因为 SVM 能有效处理高维特征和定义复杂的决策边界,从而提高整体分类准确性。对两个公共数据集(EuroSAT 数据集和 RSI-CB256 数据集)的评估结果表明,分类准确率分别达到了 97.91% 和 99.8%,超过了以前的先进模型。最后,参数少于 100 万的 LPCNN 通过有效解决过拟合问题,超越了高参数模型,在卫星图像分类中展示了卓越的性能。
{"title":"Lightweight Parallel Convolutional Neural Network With SVM Classifier for Satellite Imagery Classification","authors":"Priyanti Paul Tumpa;Md. Saiful Islam","doi":"10.1109/TAI.2024.3423813","DOIUrl":"https://doi.org/10.1109/TAI.2024.3423813","url":null,"abstract":"Satellite image classification is crucial for various applications, driving advancements in convolutional neural networks (CNNs). While CNNs have proven effective, deep models often encounter overfitting issues as the network's depth increases since the model has to learn many parameters. Besides this, traditional CNNs have the inherent difficulty of extracting fine-grained details and broader patterns simultaneously. To overcome these challenges, this article presents a novel approach using a lightweight parallel CNN (LPCNN) architecture with a support vector machine (SVM) classifier to classify satellite images. At first, preprocessing such as resizing and sharpening is used to improve image quality. Each branch within the parallel network is designed for specific resolution characteristics, spanning from low (emphasizing broader patterns) to high (capturing fine-grained details), enabling the simultaneous extraction of a comprehensive set of features without increasing network depth. The LPCNN incorporates a dilation factor to expand the network's receptive field without increasing parameters, and a dropout layer is introduced to mitigate overfitting. SVM is used alongside LPCNN because it is effective at handling high-dimensional features and defining complex decision boundaries, which improves overall classification accuracy. Evaluation of two public datasets (EuroSAT dataset and RSI-CB256 dataset) demonstrates remarkable accuracy rates of 97.91% and 99.8%, surpassing previous state-of-the-art models. Finally, LPCNN, with less than 1 million parameters, outperforms high-parameter models by effectively addressing overfitting issues, showcasing exceptional performance in satellite image classification.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5676-5688"},"PeriodicalIF":0.0,"publicationDate":"2024-07-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600283","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Cross-View Masked Model for Self-Supervised Graph Representation Learning 用于自我监督图表示学习的跨视图屏蔽模型
Pub Date : 2024-07-03 DOI: 10.1109/TAI.2024.3419749
Haoran Duan;Beibei Yu;Cheng Xie
Graph-structured data plays a foundational role in knowledge representation across various intelligent systems. Self-supervised graph representation learning (SSGRL) has emerged as a key methodology for processing such data efficiently. Recent advances in SSGRL have introduced the masked graph model (MGM), which achieves state-of-the-art performance by masking and reconstructing node features. However, the effectiveness of MGM-based methods heavily relies on the information density of the original node features. Performance deteriorates notably when dealing with sparse node features, such as one-hot and degree-hot encodings, commonly found in social and chemical graphs. To address this challenge, we propose a novel cross-view node feature reconstruction method that circumvents direct reliance on the original node features. Our approach generates four distinct views (graph view, masked view, diffusion view, and masked diffusion view) from the original graph through node masking and diffusion. These views are then encoded into representations with high information density. The reconstruction process operates across these representations, enabling self-supervised learning without direct reliance on the original features. Extensive experiments are conducted on 26 real-world graph datasets, including those with sparse and high information density environments. This cross-view reconstruction method represents a promising direction for effective SSGRL, particularly in scenarios with sparse node feature information.
图结构数据在各种智能系统的知识表示中发挥着基础性作用。自监督图表示学习(SSGRL)已成为高效处理此类数据的关键方法。自监督图表示学习的最新进展是引入了屏蔽图模型(MGM),该模型通过屏蔽和重建节点特征实现了最先进的性能。然而,基于 MGM 的方法的有效性在很大程度上取决于原始节点特征的信息密度。在处理稀疏的节点特征时,性能会明显下降,例如社交图和化学图中常见的单热编码和度热编码。为了应对这一挑战,我们提出了一种新颖的跨视图节点特征重建方法,避免了对原始节点特征的直接依赖。我们的方法通过节点屏蔽和扩散,从原始图生成四种不同的视图(图视图、屏蔽视图、扩散视图和屏蔽扩散视图)。然后将这些视图编码成信息密度较高的表征。重构过程跨越这些表征,实现自监督学习,而无需直接依赖原始特征。我们在 26 个真实图数据集上进行了广泛的实验,包括那些信息稀疏和信息密度高的环境。这种跨视图重构方法代表了有效 SSGRL 的一个有前途的方向,尤其是在节点特征信息稀疏的情况下。
{"title":"Cross-View Masked Model for Self-Supervised Graph Representation Learning","authors":"Haoran Duan;Beibei Yu;Cheng Xie","doi":"10.1109/TAI.2024.3419749","DOIUrl":"https://doi.org/10.1109/TAI.2024.3419749","url":null,"abstract":"Graph-structured data plays a foundational role in knowledge representation across various intelligent systems. Self-supervised graph representation learning (SSGRL) has emerged as a key methodology for processing such data efficiently. Recent advances in SSGRL have introduced the masked graph model (MGM), which achieves state-of-the-art performance by masking and reconstructing node features. However, the effectiveness of MGM-based methods heavily relies on the information density of the original node features. Performance deteriorates notably when dealing with sparse node features, such as one-hot and degree-hot encodings, commonly found in social and chemical graphs. To address this challenge, we propose a novel cross-view node feature reconstruction method that circumvents direct reliance on the original node features. Our approach generates four distinct views (graph view, masked view, diffusion view, and masked diffusion view) from the original graph through node masking and diffusion. These views are then encoded into representations with high information density. The reconstruction process operates across these representations, enabling self-supervised learning without direct reliance on the original features. Extensive experiments are conducted on 26 real-world graph datasets, including those with sparse and high information density environments. This cross-view reconstruction method represents a promising direction for effective SSGRL, particularly in scenarios with sparse node feature information.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5540-5552"},"PeriodicalIF":0.0,"publicationDate":"2024-07-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600167","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Social NSTransformers: Low-Quality Pedestrian Trajectory Prediction 社会 NSTransformers:低质量行人轨迹预测
Pub Date : 2024-07-02 DOI: 10.1109/TAI.2024.3421175
Zihan Jiang;Yiqun Ma;Bingyu Shi;Xin Lu;Jian Xing;Nuno Gonçalves;Bo Jin
This article introduces a novel model for low-quality pedestrian trajectory prediction, the social nonstationary transformers (NSTransformers), that merges the strengths of NSTransformers and spatiotemporal graph transformer (STAR). The model can capture social interaction cues among pedestrians and integrate features across spatial and temporal dimensions to enhance the precision and resilience of trajectory predictions. We also propose an enhanced loss function that combines diversity loss with logarithmic root mean squared error (log-RMSE) to guarantee the reasonableness and diversity of the generated trajectories. This design adapts well to complex pedestrian interaction scenarios, thereby improving the reliability and accuracy of trajectory prediction. Furthermore, we integrate a generative adversarial network (GAN) to model the randomness inherent in pedestrian trajectories. Compared to the conventional standard Gaussian distribution, our GAN approach better simulates the intricate distribution found in pedestrian trajectories, enhancing the trajectory prediction's diversity and robustness. Experimental results reveal that our model outperforms several state-of-the-art methods. This research opens the avenue for future exploration in low-quality pedestrian trajectory prediction.
本文介绍了一种用于低质量行人轨迹预测的新型模型--社会非稳态变换器(NSTransformers),该模型融合了社会非稳态变换器和时空图变换器(STAR)的优点。该模型可以捕捉行人之间的社会互动线索,并整合跨时空维度的特征,从而提高轨迹预测的精度和弹性。我们还提出了一种增强型损失函数,将多样性损失与对数均方根误差(log-RMSE)相结合,以保证生成轨迹的合理性和多样性。这种设计能很好地适应复杂的行人交互场景,从而提高轨迹预测的可靠性和准确性。此外,我们还整合了生成式对抗网络(GAN)来模拟行人轨迹固有的随机性。与传统的标准高斯分布相比,我们的 GAN 方法能更好地模拟行人轨迹中错综复杂的分布,从而增强轨迹预测的多样性和鲁棒性。实验结果表明,我们的模型优于几种最先进的方法。这项研究为未来探索低质量行人轨迹预测开辟了道路。
{"title":"Social NSTransformers: Low-Quality Pedestrian Trajectory Prediction","authors":"Zihan Jiang;Yiqun Ma;Bingyu Shi;Xin Lu;Jian Xing;Nuno Gonçalves;Bo Jin","doi":"10.1109/TAI.2024.3421175","DOIUrl":"https://doi.org/10.1109/TAI.2024.3421175","url":null,"abstract":"This article introduces a novel model for low-quality pedestrian trajectory prediction, the social nonstationary transformers (NSTransformers), that merges the strengths of NSTransformers and spatiotemporal graph transformer (STAR). The model can capture social interaction cues among pedestrians and integrate features across spatial and temporal dimensions to enhance the precision and resilience of trajectory predictions. We also propose an enhanced loss function that combines diversity loss with logarithmic root mean squared error (log-RMSE) to guarantee the reasonableness and diversity of the generated trajectories. This design adapts well to complex pedestrian interaction scenarios, thereby improving the reliability and accuracy of trajectory prediction. Furthermore, we integrate a generative adversarial network (GAN) to model the randomness inherent in pedestrian trajectories. Compared to the conventional standard Gaussian distribution, our GAN approach better simulates the intricate distribution found in pedestrian trajectories, enhancing the trajectory prediction's diversity and robustness. Experimental results reveal that our model outperforms several state-of-the-art methods. This research opens the avenue for future exploration in low-quality pedestrian trajectory prediction.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5575-5588"},"PeriodicalIF":0.0,"publicationDate":"2024-07-02","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600184","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Optimal Trajectory-Based Control of 3-D Dual Rotary Cranes for Payload Dynamic Regulation in Complex Environments 基于轨迹的三维双旋转起重机优化控制,实现复杂环境下的有效载荷动态调节
Pub Date : 2024-07-02 DOI: 10.1109/TAI.2024.3421172
Zhuoqing Liu;Tong Yang;Yongchun Fang;Ning Sun
With flexible payload adjustment ability and large load capacity, dual rotary cranes (DRCs) provide effective solutions for various complex hoisting tasks. At present, the control research for DRCs mostly focuses on two-dimensional space (restricting workspace and efficiency), or lacks the consideration of DRC dynamic characteristics and the practical demands for the dynamic regulation of payload positions and attitudes, which makes it difficult to handle hoisting tasks in complex environments. To tackle these issues, this article proposes an optimal trajectory-based motion control method for three-dimensional (3-D) DRCs in complex environments, effectively tackling key challenges encountered by DRCs operating in 3-D space. The proposed method achieves dynamic regulation of payload position and attitude by DRCs in 3-D space for the first time, constraining payload velocity and acceleration within reasonable ranges while avoiding obstacles, which represents an advancement in enhancing the efficiency and safety of 3-D DRC operations in complex environments. Specifically, the coupling relationship between the actuated boom motions and the non-actuated payload motions in 3-D space is mathematically solved, which provides the foundation of indirect payload regulation through boom control. Moreover, by introducing multiple performance indicators during optimization, the proposed method ensures satisfactory payload transient performance while maintaining a safe distance from obstacles. Additionally, by the analysis of steady-state equilibrium conditions and the reasonable passing time allocation of virtual via-points, coordinated boom motions with payload swing suppression are realized, ensuring transportation smoothness. Finally, hardware experiments are conducted considering collision-free payload transportation through reciprocating boom pitch/rotation motions, which verifies the effectiveness and practical performance of the proposed method.
双回转起重机(DRC)具有灵活的有效载荷调节能力和较大的承载能力,可为各种复杂的起重任务提供有效的解决方案。目前,针对双回转起重机的控制研究大多集中在二维空间(限制了工作空间和效率),或者缺乏对双回转起重机动态特性的考虑,以及对有效载荷位置和姿态动态调节的实际需求,难以应对复杂环境下的起重任务。针对这些问题,本文提出了一种基于最优轨迹的复杂环境下三维(3-D)DRC 运动控制方法,有效解决了在三维空间中运行的 DRC 所遇到的关键难题。所提出的方法首次实现了三维空间中 DRC 对有效载荷位置和姿态的动态调节,在避开障碍物的同时将有效载荷的速度和加速度限制在合理范围内,在提高复杂环境中三维 DRC 运行的效率和安全性方面取得了进步。具体而言,通过数学方法求解了三维空间中驱动吊臂运动与非驱动有效载荷运动之间的耦合关系,为通过吊臂控制间接调节有效载荷奠定了基础。此外,通过在优化过程中引入多个性能指标,所提出的方法可确保有效载荷在与障碍物保持安全距离的同时,获得令人满意的瞬态性能。此外,通过分析稳态平衡条件和合理分配虚拟通过点的通过时间,实现了具有有效载荷摆动抑制功能的臂架协调运动,确保了运输的平稳性。最后,通过往复式吊臂俯仰/旋转运动进行了无碰撞有效载荷运输的硬件实验,验证了所提方法的有效性和实用性。
{"title":"Optimal Trajectory-Based Control of 3-D Dual Rotary Cranes for Payload Dynamic Regulation in Complex Environments","authors":"Zhuoqing Liu;Tong Yang;Yongchun Fang;Ning Sun","doi":"10.1109/TAI.2024.3421172","DOIUrl":"https://doi.org/10.1109/TAI.2024.3421172","url":null,"abstract":"With flexible payload adjustment ability and large load capacity, dual rotary cranes (DRCs) provide effective solutions for various complex hoisting tasks. At present, the control research for DRCs mostly focuses on two-dimensional space (restricting workspace and efficiency), or lacks the consideration of DRC dynamic characteristics and the practical demands for the dynamic regulation of payload positions and attitudes, which makes it difficult to handle hoisting tasks in complex environments. To tackle these issues, this article proposes an optimal trajectory-based motion control method for three-dimensional (3-D) DRCs in complex environments, effectively tackling key challenges encountered by DRCs operating in 3-D space. The proposed method achieves dynamic regulation of payload position and attitude by DRCs in 3-D space for the \u0000<italic>first</i>\u0000 time, constraining payload velocity and acceleration within reasonable ranges while avoiding obstacles, which represents an advancement in enhancing the efficiency and safety of 3-D DRC operations in complex environments. Specifically, the coupling relationship between the actuated boom motions and the non-actuated payload motions in 3-D space is mathematically solved, which provides the foundation of indirect payload regulation through boom control. Moreover, by introducing multiple performance indicators during optimization, the proposed method ensures satisfactory payload transient performance while maintaining a safe distance from obstacles. Additionally, by the analysis of steady-state equilibrium conditions and the reasonable passing time allocation of virtual via-points, coordinated boom motions with payload swing suppression are realized, ensuring transportation smoothness. Finally, hardware experiments are conducted considering collision-free payload transportation through reciprocating boom pitch/rotation motions, which verifies the effectiveness and practical performance of the proposed method.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5452-5464"},"PeriodicalIF":0.0,"publicationDate":"2024-07-02","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600196","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
StackAMP: Stacking-Based Ensemble Classifier for Antimicrobial Peptide Identification StackAMP:用于抗菌肽鉴定的基于堆叠的集合分类器
Pub Date : 2024-07-02 DOI: 10.1109/TAI.2024.3421176
Tasmin Karim;Md. Shazzad Hossain Shaon;Md. Mamun Ali;Kawsar Ahmed;Francis M. Bui;Li Chen
Antimicrobial peptides (AMPs) play a vital role in the immune defence systems of various organisms and have garnered significant attention for their potential applications in biotechnology and medicine. There are several approaches to identifying AMPs including clinical isolation and characterization, functional genomics, microbiology techniques, and others. However, these methods are mostly expensive, time-consuming, and require well-equipped labs. To overcome these challenges, machine learning models are a potential solution due to their robustness and high predictive capability with less time and cost. In this study, we explored the efficacy of stacking-based ensemble machine-learning techniques to identify AMPs with higher accuracy and precision. Five distinct feature extraction methods, namely amino acid composition, dipeptide composition, moran autocorrelation, geary autocorrelation, and pseudoamino acid composition, were employed to represent the sequence characteristics of peptides. To build robust predictive models, different traditional machine learning algorithms were applied. Additionally, we developed a novel stacking classifier, aptly named StackAMP, to harness the collective power of these algorithms. Our results demonstrated the exceptional performance of the proposed StackAMP ensemble method in AMP identification, achieving an accuracy of 99.97%, 99.93% specificity, and 100% sensitivity. This high accuracy underscores the effectiveness of our approach, which has promising outcomes for the rapid and accurate identification of AMPs in various biological contexts. This study not only contributes to the growing body of knowledge in the field of AMP recognition but also offers a practical tool with potential applications in drug discovery, biotechnology, and disease prevention.
抗菌肽(AMPs)在各种生物的免疫防御系统中发挥着重要作用,并因其在生物技术和医学中的潜在应用而备受关注。目前有多种方法可用于鉴定 AMPs,包括临床分离和表征、功能基因组学、微生物学技术等。然而,这些方法大多昂贵、耗时,而且需要设备齐全的实验室。为了克服这些挑战,机器学习模型因其稳健性和高预测能力,以及更少的时间和成本,成为一种潜在的解决方案。在本研究中,我们探索了基于堆叠的集合机器学习技术的有效性,以更高的准确度和精确度识别 AMPs。我们采用了五种不同的特征提取方法,即氨基酸组成、二肽组成、莫伦自相关、吉利自相关和伪氨基酸组成,来表示肽的序列特征。为了建立稳健的预测模型,我们采用了不同的传统机器学习算法。此外,我们还开发了一种新型堆叠分类器,并将其命名为 StackAMP,以利用这些算法的集体力量。我们的研究结果表明,所提出的 StackAMP 组合方法在 AMP 识别方面表现出色,准确率达到 99.97%,特异性达到 99.93%,灵敏度达到 100%。这种高准确度凸显了我们的方法的有效性,有望在各种生物环境中快速准确地识别 AMPs。这项研究不仅丰富了 AMP 识别领域不断增长的知识,还为药物发现、生物技术和疾病预防提供了一种具有潜在应用价值的实用工具。
{"title":"StackAMP: Stacking-Based Ensemble Classifier for Antimicrobial Peptide Identification","authors":"Tasmin Karim;Md. Shazzad Hossain Shaon;Md. Mamun Ali;Kawsar Ahmed;Francis M. Bui;Li Chen","doi":"10.1109/TAI.2024.3421176","DOIUrl":"https://doi.org/10.1109/TAI.2024.3421176","url":null,"abstract":"Antimicrobial peptides (AMPs) play a vital role in the immune defence systems of various organisms and have garnered significant attention for their potential applications in biotechnology and medicine. There are several approaches to identifying AMPs including clinical isolation and characterization, functional genomics, microbiology techniques, and others. However, these methods are mostly expensive, time-consuming, and require well-equipped labs. To overcome these challenges, machine learning models are a potential solution due to their robustness and high predictive capability with less time and cost. In this study, we explored the efficacy of stacking-based ensemble machine-learning techniques to identify AMPs with higher accuracy and precision. Five distinct feature extraction methods, namely amino acid composition, dipeptide composition, moran autocorrelation, geary autocorrelation, and pseudoamino acid composition, were employed to represent the sequence characteristics of peptides. To build robust predictive models, different traditional machine learning algorithms were applied. Additionally, we developed a novel stacking classifier, aptly named StackAMP, to harness the collective power of these algorithms. Our results demonstrated the exceptional performance of the proposed StackAMP ensemble method in AMP identification, achieving an accuracy of 99.97%, 99.93% specificity, and 100% sensitivity. This high accuracy underscores the effectiveness of our approach, which has promising outcomes for the rapid and accurate identification of AMPs in various biological contexts. This study not only contributes to the growing body of knowledge in the field of AMP recognition but also offers a practical tool with potential applications in drug discovery, biotechnology, and disease prevention.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5666-5675"},"PeriodicalIF":0.0,"publicationDate":"2024-07-02","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600092","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Automated Bundle Branch Block Detection Using Multivariate Fourier–Bessel Series Expansion-Based Empirical Wavelet Transform 利用基于经验小波变换的多变量傅立叶-贝塞尔序列展开自动检测束支阻滞
Pub Date : 2024-07-01 DOI: 10.1109/TAI.2024.3420259
Sibghatullah Inayatullah Khan;Ram Bilas Pachori
Bundle branch block (BBB) refers to cardiac condition that causes a delay in the path of electrical impulses, which makes it difficult for the heart to pump blood efficiently throughout the body. Early diagnosing BBB is important in cases where prior heart anomalies exist. Generally, the 12-lead electrocardiogram (ECG) is used to detect the BBB. To ease the ECG recording procedure, vectorcardiography (VCG) has been proposed with three leads ECG system. Manual diagnosis of BBB using ECG is subjective to the expertise of the doctor. To facilitate the doctors, in the present study, we have proposed a novel framework to automatically detect BBB from VCG signals using multivariate Fourier–Bessel series expansion-based empirical wavelet transform (MVFBSE-EWT). The MVFBSE-EWT is applied over the three channels of VCG signal, which results in the varying number of multivariate Fourier–Bessel intrinsic mode functions (MVFBIMFs). To process further, first six number of MVFBIMFs are selected due to their presence in the entire dataset. Each MVFBIMF is represented in higher dimensional phase space. From each phase space trajectory, fractal dimension (FD) is computed with three scales. The feature space is reduced with metaheuristic feature selection algorithm.
束支传导阻滞(BBB)是一种心脏疾病,会导致电脉冲路径延迟,从而使心脏难以有效地将血液泵送至全身。如果之前就存在心脏异常,那么早期诊断 BBB 就显得尤为重要。一般来说,12 导联心电图(ECG)可用于检测 BBB。为了简化心电图记录程序,有人提出了三导联心电图系统矢量心电图(VCG)。使用心电图对 BBB 进行人工诊断取决于医生的专业知识。为了方便医生,我们在本研究中提出了一个新颖的框架,利用基于多变量傅里叶-贝塞尔序列扩展的经验小波变换(MVFBSE-EWT)从 VCG 信号中自动检测 BBB。MVFBSE-EWT 应用于 VCG 信号的三个通道,从而产生不同数量的多变量傅里叶-贝塞尔本征模态函数(MVFBIMF)。为了进一步处理,首先选择了六个 MVFBIMF,因为它们存在于整个数据集中。每个 MVFBIMF 都在高维相空间中表示。根据每个相空间轨迹,计算出三个尺度的分形维度(FD)。使用元启发式特征选择算法缩小特征空间。
{"title":"Automated Bundle Branch Block Detection Using Multivariate Fourier–Bessel Series Expansion-Based Empirical Wavelet Transform","authors":"Sibghatullah Inayatullah Khan;Ram Bilas Pachori","doi":"10.1109/TAI.2024.3420259","DOIUrl":"https://doi.org/10.1109/TAI.2024.3420259","url":null,"abstract":"Bundle branch block (BBB) refers to cardiac condition that causes a delay in the path of electrical impulses, which makes it difficult for the heart to pump blood efficiently throughout the body. Early diagnosing BBB is important in cases where prior heart anomalies exist. Generally, the 12-lead electrocardiogram (ECG) is used to detect the BBB. To ease the ECG recording procedure, vectorcardiography (VCG) has been proposed with three leads ECG system. Manual diagnosis of BBB using ECG is subjective to the expertise of the doctor. To facilitate the doctors, in the present study, we have proposed a novel framework to automatically detect BBB from VCG signals using multivariate Fourier–Bessel series expansion-based empirical wavelet transform (MVFBSE-EWT). The MVFBSE-EWT is applied over the three channels of VCG signal, which results in the varying number of multivariate Fourier–Bessel intrinsic mode functions (MVFBIMFs). To process further, first six number of MVFBIMFs are selected due to their presence in the entire dataset. Each MVFBIMF is represented in higher dimensional phase space. From each phase space trajectory, fractal dimension (FD) is computed with three scales. The feature space is reduced with metaheuristic feature selection algorithm.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5643-5654"},"PeriodicalIF":0.0,"publicationDate":"2024-07-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600166","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Collision-Free Grasp Detection From Color and Depth Images 从彩色和深度图像进行无碰撞抓取检测
Pub Date : 2024-07-01 DOI: 10.1109/TAI.2024.3420848
Dinh-Cuong Hoang;Anh-Nhat Nguyen;Chi-Minh Nguyen;An-Binh Phi;Quang-Tri Duong;Khanh-Duong Tran;Viet-Anh Trinh;Van-Duc Tran;Hai-Nam Pham;Phuc-Quan Ngo;Duy-Quang Vu;Thu-Uyen Nguyen;Van-Duc Vu;Duc-Thanh Tran;Van-Thiep Nguyen
Efficient and reliable grasp pose generation plays a crucial role in robotic manipulation tasks. The advancement of deep learning techniques applied to point cloud data has led to rapid progress in grasp detection. However, point cloud data has limitations: no appearance information and susceptibility to sensor noise. In contrast, color Red, Green, Blue (RGB) images offer high-resolution and intricate textural details, making them a valuable complement to the 3-D geometry offered by point clouds or depth (D) images. Nevertheless, the effective integration of appearance information to enhance point cloud-based grasp detection remains an open question. In this study, we extend the concepts of VoteGrasp [1] and introduce an innovative deep learning approach referred to as VoteGrasp Red, Green, Blue, Depth (RGBD). To build robustness to occlusion, the proposed model generates candidates by casting votes and accumulating evidence for feasible grasp configurations. This methodology revolves around fuzing votes extracted from images and point clouds. To further enhance the collaborative effect of merging appearance and geometry features, we introduce a context learning module. We exploit contextual information by encoding the dependency of objects in the scene into features to boost the performance of grasp generation. The contextual information enables our model to increase the likelihood that the generated grasps are collision-free. The efficacy of our model is verified through comprehensive evaluations on the demanding GraspNet-1Billion dataset, leading to a significant improvement of 9.3 in average precision (AP) over the existing state-of-the-art results. Additionally, we provide extensive analyses through ablation studies to elucidate the contributions of each design decision.
高效可靠的抓取姿势生成在机器人操纵任务中发挥着至关重要的作用。深度学习技术在点云数据上的应用使抓取检测技术取得了飞速发展。然而,点云数据有其局限性:没有外观信息,易受传感器噪声的影响。相比之下,红绿蓝(RGB)彩色图像具有高分辨率和复杂的纹理细节,是点云或深度(D)图像所提供的三维几何图形的重要补充。然而,如何有效整合外观信息以增强基于点云的抓取检测仍是一个未决问题。在本研究中,我们扩展了 VoteGrasp [1] 的概念,并引入了一种创新的深度学习方法,即 VoteGrasp Red, Green, Blue, Depth (RGBD)。为了建立对遮挡的鲁棒性,所提出的模型通过投票和积累可行抓取配置的证据来生成候选对象。这种方法围绕着从图像和点云中提取的选票进行。为了进一步增强合并外观和几何特征的协同效应,我们引入了上下文学习模块。我们利用上下文信息,将场景中物体的依赖性编码为特征,从而提高抓取生成的性能。上下文信息使我们的模型能够提高生成的抓手无碰撞的可能性。我们在要求苛刻的 GraspNet-1Billion 数据集上进行了全面评估,验证了我们模型的功效,与现有的最先进结果相比,平均精度(AP)显著提高了 9.3。此外,我们还通过消融研究进行了广泛分析,以阐明每个设计决策的贡献。
{"title":"Collision-Free Grasp Detection From Color and Depth Images","authors":"Dinh-Cuong Hoang;Anh-Nhat Nguyen;Chi-Minh Nguyen;An-Binh Phi;Quang-Tri Duong;Khanh-Duong Tran;Viet-Anh Trinh;Van-Duc Tran;Hai-Nam Pham;Phuc-Quan Ngo;Duy-Quang Vu;Thu-Uyen Nguyen;Van-Duc Vu;Duc-Thanh Tran;Van-Thiep Nguyen","doi":"10.1109/TAI.2024.3420848","DOIUrl":"https://doi.org/10.1109/TAI.2024.3420848","url":null,"abstract":"Efficient and reliable grasp pose generation plays a crucial role in robotic manipulation tasks. The advancement of deep learning techniques applied to point cloud data has led to rapid progress in grasp detection. However, point cloud data has limitations: no appearance information and susceptibility to sensor noise. In contrast, color Red, Green, Blue (RGB) images offer high-resolution and intricate textural details, making them a valuable complement to the 3-D geometry offered by point clouds or depth (D) images. Nevertheless, the effective integration of appearance information to enhance point cloud-based grasp detection remains an open question. In this study, we extend the concepts of VoteGrasp \u0000<xref>[1]</xref>\u0000 and introduce an innovative deep learning approach referred to as VoteGrasp Red, Green, Blue, Depth (RGBD). To build robustness to occlusion, the proposed model generates candidates by casting votes and accumulating evidence for feasible grasp configurations. This methodology revolves around fuzing votes extracted from images and point clouds. To further enhance the collaborative effect of merging appearance and geometry features, we introduce a context learning module. We exploit contextual information by encoding the dependency of objects in the scene into features to boost the performance of grasp generation. The contextual information enables our model to increase the likelihood that the generated grasps are collision-free. The efficacy of our model is verified through comprehensive evaluations on the demanding GraspNet-1Billion dataset, leading to a significant improvement of 9.3 in average precision (AP) over the existing state-of-the-art results. Additionally, we provide extensive analyses through ablation studies to elucidate the contributions of each design decision.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5689-5698"},"PeriodicalIF":0.0,"publicationDate":"2024-07-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600285","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Disentangled Cross-modal Fusion for Event-Guided Image Super-resolution 事件引导图像超分辨率的分离式跨模态融合
Pub Date : 2024-06-28 DOI: 10.1109/TAI.2024.3418376
Minjie Liu;Hongjian Wang;Kuk-Jin Yoon;Lin Wang
Event cameras detect the intensity changes and produce asynchronous events with high dynamic range and no motion blur. Recently, several attempts have been made to superresolve the intensity images guided by events. However, these methods directly fuse the event and image features without distinguishing the modality difference and achieve image superresolution (SR) in multiple steps, leading to error-prone image SR results. Also, they lack quantitative evaluation of real-world data. In this article, we present an end-to-end framework, called event-guided image (EGI)-SR to narrow the modality gap and subtly integrate the event and RGB modality features for effective image SR. Specifically, EGI-SR employs three crossmodality encoders (CME) to learn modality-specific and modality-shared features from the stacked events and the intensity image, respectively. As such, EGI-SR can better mitigate the negative impact of modality varieties and reduce the difference in the feature space between the events and the intensity image. Subsequently, a transformer-based decoder is deployed to reconstruct the SR image. Moreover, we collect a real-world dataset, with temporally and spatially aligned events and color image pairs. We conduct extensive experiments on the synthetic and real-world datasets, showing EGI-SR favorably surpassing the existing methods by a large margin.
事件摄像机能检测强度变化,并产生具有高动态范围和无运动模糊的异步事件。最近,人们尝试对事件引导的强度图像进行超分辨率处理。然而,这些方法直接融合事件和图像特征,没有区分模态差异,而且分多个步骤实现图像超分辨率(SR),导致图像超分辨率结果容易出错。此外,这些方法缺乏对真实世界数据的定量评估。在本文中,我们提出了一个端到端的框架,称为事件引导图像(EGI)-SR,以缩小模态差距,巧妙地整合事件和 RGB 模态特征,从而实现有效的图像 SR。具体来说,EGI-SR 采用了三个跨模态编码器 (CME),分别从堆叠事件和强度图像中学习特定模态和模态共享特征。因此,EGI-SR 可以更好地减轻模态多样性的负面影响,并减少事件和强度图像之间的特征空间差异。随后,我们部署了基于变压器的解码器来重建 SR 图像。此外,我们还收集了一个真实世界的数据集,其中包含时间和空间上一致的事件和彩色图像对。我们在合成数据集和真实数据集上进行了大量实验,结果表明 EGI-SR 远远优于现有方法。
{"title":"Disentangled Cross-modal Fusion for Event-Guided Image Super-resolution","authors":"Minjie Liu;Hongjian Wang;Kuk-Jin Yoon;Lin Wang","doi":"10.1109/TAI.2024.3418376","DOIUrl":"https://doi.org/10.1109/TAI.2024.3418376","url":null,"abstract":"Event cameras detect the intensity changes and produce asynchronous events with high dynamic range and no motion blur. Recently, several attempts have been made to superresolve the intensity images guided by events. However, these methods directly fuse the event and image features without distinguishing the modality difference and achieve image superresolution (SR) in multiple steps, leading to error-prone image SR results. Also, they lack quantitative evaluation of real-world data. In this article, we present an \u0000<italic>end-to-end</i>\u0000 framework, called \u0000<italic>event-guided image (EGI)-SR</i>\u0000 to narrow the modality gap and subtly integrate the event and RGB modality features for effective image SR. Specifically, EGI-SR employs three crossmodality encoders (CME) to learn modality-specific and modality-shared features from the stacked events and the intensity image, respectively. As such, EGI-SR can better mitigate the negative impact of modality varieties and reduce the difference in the feature space between the events and the intensity image. Subsequently, a transformer-based decoder is deployed to reconstruct the SR image. Moreover, we collect a real-world dataset, with temporally and spatially aligned events and color image pairs. We conduct extensive experiments on the synthetic and real-world datasets, showing EGI-SR favorably surpassing the existing methods by a large margin.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 10","pages":"5314-5324"},"PeriodicalIF":0.0,"publicationDate":"2024-06-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142443093","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Novel Incentive Mechanism for Federated Learning Over Wireless Communications 无线通信联合学习的新型激励机制
Pub Date : 2024-06-27 DOI: 10.1109/TAI.2024.3419757
Yong Wang;Yu Zhou;Pei-Qiu Huang
This article studies a federated learning system over wireless communications, where a parameter server shares a global model trained by distributed devices. Due to limited communication resources, not all devices can participate in the training process. To encourage suitable devices to participate, this article proposes a novel incentive mechanism, where the parameter server assigns rewards to the devices, and the devices make participation decisions to maximize their overall profit based on the obtained rewards and their energy costs. Based on the interaction between the parameter server and the devices, the proposed incentive mechanism is formulated as a bilevel optimization problem (BOP), in which the upper level optimizes reward factors for the parameter server and the lower level makes participation decisions for the devices. Note that each device needs to make an independent participation decision due to limited communication resources and privacy concerns. To solve this BOP, a bilevel optimization approach called BIMFL is proposed. BIMFL adopts multiagent reinforcement learning (MARL) to make independent participation decisions with local information at the lower level, and introduces multiagent meta-reinforcement learning to accelerate the training by incorporating meta-learning into MARL. Moreover, BIMFL utilizes covariance matrix adaptation evolutionary strategy to optimize reward factors at the upper level. The effectiveness of BIMFL is demonstrated on different datasets using multilayer perceptron and convolutional neural networks.
本文研究的是一种通过无线通信的联合学习系统,其中参数服务器共享由分布式设备训练的全局模型。由于通信资源有限,并非所有设备都能参与训练过程。为了鼓励合适的设备参与,本文提出了一种新颖的激励机制,即参数服务器为设备分配奖励,设备根据获得的奖励和能源成本做出参与决策,以实现整体利益最大化。基于参数服务器和设备之间的互动,本文提出的激励机制被表述为一个双层优化问题(BOP),其中上层优化参数服务器的奖励因素,下层优化设备的参与决策。需要注意的是,由于通信资源有限和隐私问题,每个设备都需要做出独立的参与决策。为解决这一 BOP 问题,我们提出了一种名为 BIMFL 的双层优化方法。BIMFL 采用多代理强化学习(MARL),利用下层的本地信息做出独立的参与决策,并引入多代理元强化学习,通过将元学习融入 MARL 来加速训练。此外,BIMFL 利用协方差矩阵适应进化策略来优化上层的奖励因子。在使用多层感知器和卷积神经网络的不同数据集上证明了 BIMFL 的有效性。
{"title":"A Novel Incentive Mechanism for Federated Learning Over Wireless Communications","authors":"Yong Wang;Yu Zhou;Pei-Qiu Huang","doi":"10.1109/TAI.2024.3419757","DOIUrl":"https://doi.org/10.1109/TAI.2024.3419757","url":null,"abstract":"This article studies a federated learning system over wireless communications, where a parameter server shares a global model trained by distributed devices. Due to limited communication resources, not all devices can participate in the training process. To encourage suitable devices to participate, this article proposes a novel incentive mechanism, where the parameter server assigns rewards to the devices, and the devices make participation decisions to maximize their overall profit based on the obtained rewards and their energy costs. Based on the interaction between the parameter server and the devices, the proposed incentive mechanism is formulated as a bilevel optimization problem (BOP), in which the upper level optimizes reward factors for the parameter server and the lower level makes participation decisions for the devices. Note that each device needs to make an independent participation decision due to limited communication resources and privacy concerns. To solve this BOP, a bilevel optimization approach called BIMFL is proposed. BIMFL adopts multiagent reinforcement learning (MARL) to make independent participation decisions with local information at the lower level, and introduces multiagent meta-reinforcement learning to accelerate the training by incorporating meta-learning into MARL. Moreover, BIMFL utilizes covariance matrix adaptation evolutionary strategy to optimize reward factors at the upper level. The effectiveness of BIMFL is demonstrated on different datasets using multilayer perceptron and convolutional neural networks.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":"5 11","pages":"5561-5574"},"PeriodicalIF":0.0,"publicationDate":"2024-06-27","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600392","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
IEEE transactions on artificial 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