首页 > 最新文献

International Journal of Intelligent Systems最新文献

英文 中文
Using Spatial-Temporal Attention for Video Quality Evaluation 利用时空注意力进行视频质量评估
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-12 DOI: 10.1155/2024/5514627
Biwei Chi, Ruifang Su, Xinhui Chen

With the rapid development of media, the role of video quality assessment (VQA) is becoming increasingly significant. VQA has applications in many domains. For example, in the field of remote medical diagnosis, it can enhance the quality of video communication between doctors and patients. Besides, in sports broadcasting, it can improve video clarity. Within VQA, the human visual system (HVS) is a crucial component that should be taken into consideration. Considering that attention is guided by goal-driven and top-down factors, such as anticipated locations or some attractive frames within the video, we propose a blind VQA algorithm based on spatial-temporal attention model. Specifically, we first use two pretrained convolutional networks to extract low-level static-dynamic fusion features. Then, a spatial attention-guided model is established to get more representative features of frame-level quality perception. Next, through a temporal attention-guided model, the video-level features are obtained. Finally, the features are fed into a regression model to calculate the final video quality score. The experiments conducted on seven VQA databases reach the state-of-the-art performance, demonstrating the effectiveness of our proposed method.

随着媒体的飞速发展,视频质量评估(VQA)的作用越来越重要。视频质量评估在许多领域都有应用。例如,在远程医疗诊断领域,它可以提高医生和病人之间的视频通信质量。此外,在体育转播领域,它还能提高视频清晰度。在 VQA 中,人类视觉系统(HVS)是一个需要考虑的重要组成部分。考虑到注意力是由目标驱动和自上而下的因素引导的,例如视频中的预期位置或一些有吸引力的帧,我们提出了一种基于时空注意力模型的盲 VQA 算法。具体来说,我们首先使用两个预训练的卷积网络来提取低层次的静态-动态融合特征。然后,建立一个空间注意力引导模型,以获得更具代表性的帧级质量感知特征。接着,通过时间注意力引导模型,获得视频级特征。最后,将这些特征输入回归模型,计算出最终的视频质量得分。在七个 VQA 数据库上进行的实验达到了最先进的性能,证明了我们所提方法的有效性。
{"title":"Using Spatial-Temporal Attention for Video Quality Evaluation","authors":"Biwei Chi,&nbsp;Ruifang Su,&nbsp;Xinhui Chen","doi":"10.1155/2024/5514627","DOIUrl":"https://doi.org/10.1155/2024/5514627","url":null,"abstract":"<div>\u0000 <p>With the rapid development of media, the role of video quality assessment (VQA) is becoming increasingly significant. VQA has applications in many domains. For example, in the field of remote medical diagnosis, it can enhance the quality of video communication between doctors and patients. Besides, in sports broadcasting, it can improve video clarity. Within VQA, the human visual system (HVS) is a crucial component that should be taken into consideration. Considering that attention is guided by goal-driven and top-down factors, such as anticipated locations or some attractive frames within the video, we propose a blind VQA algorithm based on spatial-temporal attention model. Specifically, we first use two pretrained convolutional networks to extract low-level static-dynamic fusion features. Then, a spatial attention-guided model is established to get more representative features of frame-level quality perception. Next, through a temporal attention-guided model, the video-level features are obtained. Finally, the features are fed into a regression model to calculate the final video quality score. The experiments conducted on seven VQA databases reach the state-of-the-art performance, demonstrating the effectiveness of our proposed method.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-07-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/5514627","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141596992","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Adaptive Attention Module for Image Recognition Systems in Autonomous Driving 自动驾驶图像识别系统的自适应注意力模块
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-12 DOI: 10.1155/2024/3934270
Ma Xianghua, Hu Kaitao, Sun Xiangyu, Shining Chen

Lightweight, high-performance networks are important in vision perception systems. Recent research on convolutional neural networks has shown that attention mechanisms can significantly improve the network performance. However, existing approaches either ignore the significance of using both types of attention mechanisms (channel and space) simultaneously or increase the model complexity. In this study, we propose the adaptive attention module (AAM), which is a truly lightweight yet effective module that comprises channel and spatial submodules to balance model performance and complexity. The AAM initially utilizes the channel submodule to generate intermediate channel-refined features. In this module, an adaptive mechanism enables the model to autonomously learn the weights between features extracted by global max pooling and global average pooling to adapt to different stages of the model, thus enhancing performance. The spatial submodule employs a group-interact-aggregate strategy to enhance the expression of important features. It groups the intermediate channel-refined features along the channel dimension into multiple subfeatures for parallel processing and generates spatial attention feature descriptors and channelwise refined subfeatures for each subfeature; subsequently, it aggregates all the refined subfeatures and employs a “channel shuffle” operator to transfer information between different subfeatures, thereby generating the final refined features and adaptively emphasizing important regions. Additionally, AAM is a plug-and-play architectural unit that can be directly used to replace standard convolutions in various convolutional neural networks. Extensive tests on CIFAR-100, ImageNet-1k, BDD100K, and MS COCO demonstrate that AAM improves the baseline network performance under various models and tasks, thereby validating its versatility.

轻量级、高性能的网络在视觉感知系统中非常重要。最近对卷积神经网络的研究表明,注意力机制能显著提高网络性能。然而,现有的方法要么忽略了同时使用两种注意机制(通道和空间)的重要性,要么增加了模型的复杂性。在本研究中,我们提出了自适应注意力模块(AAM),这是一个真正轻量级但有效的模块,由通道和空间子模块组成,以平衡模型性能和复杂性。AAM 最初利用信道子模块生成中间信道提炼特征。在该模块中,自适应机制使模型能够自主学习全局最大池化和全局平均池化提取的特征之间的权重,以适应模型的不同阶段,从而提高性能。空间子模块采用分组-交互-聚合策略来增强重要特征的表达。它将沿通道维度的中间通道细化特征分组为多个子特征进行并行处理,并为每个子特征生成空间注意力特征描述符和通道细化子特征;随后,它汇总所有细化子特征,并采用 "通道洗牌 "算子在不同子特征之间传递信息,从而生成最终细化特征,并自适应地强调重要区域。此外,AAM 还是一个即插即用的架构单元,可直接用于替代各种卷积神经网络中的标准卷积。在 CIFAR-100、ImageNet-1k、BDD100K 和 MS COCO 上进行的广泛测试表明,在各种模型和任务下,AAM 都能提高基线网络的性能,从而验证了它的多功能性。
{"title":"Adaptive Attention Module for Image Recognition Systems in Autonomous Driving","authors":"Ma Xianghua,&nbsp;Hu Kaitao,&nbsp;Sun Xiangyu,&nbsp;Shining Chen","doi":"10.1155/2024/3934270","DOIUrl":"https://doi.org/10.1155/2024/3934270","url":null,"abstract":"<div>\u0000 <p>Lightweight, high-performance networks are important in vision perception systems. Recent research on convolutional neural networks has shown that attention mechanisms can significantly improve the network performance. However, existing approaches either ignore the significance of using both types of attention mechanisms (channel and space) simultaneously or increase the model complexity. In this study, we propose the adaptive attention module (AAM), which is a truly lightweight yet effective module that comprises channel and spatial submodules to balance model performance and complexity. The AAM initially utilizes the channel submodule to generate intermediate channel-refined features. In this module, an adaptive mechanism enables the model to autonomously learn the weights between features extracted by global max pooling and global average pooling to adapt to different stages of the model, thus enhancing performance. The spatial submodule employs a group-interact-aggregate strategy to enhance the expression of important features. It groups the intermediate channel-refined features along the channel dimension into multiple subfeatures for parallel processing and generates spatial attention feature descriptors and channelwise refined subfeatures for each subfeature; subsequently, it aggregates all the refined subfeatures and employs a “channel shuffle” operator to transfer information between different subfeatures, thereby generating the final refined features and adaptively emphasizing important regions. Additionally, AAM is a plug-and-play architectural unit that can be directly used to replace standard convolutions in various convolutional neural networks. Extensive tests on CIFAR-100, ImageNet-1k, BDD100K, and MS COCO demonstrate that AAM improves the baseline network performance under various models and tasks, thereby validating its versatility.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-07-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/3934270","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141596998","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
LsAc ∗-MJ: A Low-Resource Consumption Reinforcement Learning Model for Mahjong Game LsAc ∗-MJ:麻将游戏的低资源消耗强化学习模型
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-10 DOI: 10.1155/2024/4558614
Xiali Li, Zhaoqi Wang, Bo Liu, Junxue Dai

This article proposes a novel Mahjong game model, LsAc -MJ, designed to address challenges posed by data scarcity, difficulty in leveraging contextual information, and the computational resource-intensive nature of self-play zero-shot learning. The model is applied to Japanese Mahjong for experiments. LsAc -MJ employs long short-term memory (LSTM) neural networks, utilizing hidden nodes to store and propagate contextual historical information, thereby enhancing decision accuracy. Additionally, the paper introduces an optimized Advantage Actor-Critic (A2C) algorithm incorporating an experience replay mechanism to enhance the model’s decision-making capabilities and mitigate convergence difficulties arising from strong data correlations. Furthermore, the paper presents a two-stage training approach for self-play deep reinforcement learning models guided by expert knowledge, thereby improving training efficiency. Extensive ablation experiments and performance comparisons demonstrate that, in contrast to other typical deep reinforcement learning models on the RLcard platform, the LsAc -MJ model consumes lower computational and time resources, has higher training efficiency, faster average decision time, higher win-rate, and stronger decision-making ability.

本文提出了一个新颖的麻将游戏模型LsAc ∗-MJ,旨在解决数据稀缺、难以利用上下文信息以及自娱自乐零点学习的计算资源密集型特性所带来的挑战。该模型应用于日本麻将进行实验。LsAc ∗-MJ采用了长短时记忆(LSTM)神经网络,利用隐藏节点来存储和传播上下文历史信息,从而提高了决策的准确性。此外,本文还介绍了一种优化的优势行动者-批评者(A2C)算法,该算法结合了经验重放机制,以增强模型的决策能力,并缓解因数据关联性强而导致的收敛困难。此外,本文还提出了一种以专家知识为指导的自播放深度强化学习模型的两阶段训练方法,从而提高了训练效率。大量的消融实验和性能对比表明,与 RLcard 平台上其他典型的深度强化学习模型相比,LsAc ∗-MJ 模型消耗的计算资源和时间资源更少,训练效率更高,平均决策时间更快,胜率更高,决策能力更强。
{"title":"LsAc ∗-MJ: A Low-Resource Consumption Reinforcement Learning Model for Mahjong Game","authors":"Xiali Li,&nbsp;Zhaoqi Wang,&nbsp;Bo Liu,&nbsp;Junxue Dai","doi":"10.1155/2024/4558614","DOIUrl":"https://doi.org/10.1155/2024/4558614","url":null,"abstract":"<div>\u0000 <p>This article proposes a novel Mahjong game model, LsAc <sup>∗</sup>-MJ, designed to address challenges posed by data scarcity, difficulty in leveraging contextual information, and the computational resource-intensive nature of self-play zero-shot learning. The model is applied to Japanese Mahjong for experiments. LsAc <sup>∗</sup>-MJ employs long short-term memory (LSTM) neural networks, utilizing hidden nodes to store and propagate contextual historical information, thereby enhancing decision accuracy. Additionally, the paper introduces an optimized Advantage Actor-Critic (A2C) algorithm incorporating an experience replay mechanism to enhance the model’s decision-making capabilities and mitigate convergence difficulties arising from strong data correlations. Furthermore, the paper presents a two-stage training approach for self-play deep reinforcement learning models guided by expert knowledge, thereby improving training efficiency. Extensive ablation experiments and performance comparisons demonstrate that, in contrast to other typical deep reinforcement learning models on the RLcard platform, the LsAc <sup>∗</sup>-MJ model consumes lower computational and time resources, has higher training efficiency, faster average decision time, higher win-rate, and stronger decision-making ability.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-07-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/4558614","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141584087","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Deep Reinforcement Learning-Based Multireconfigurable Intelligent Surface for MEC Offloading 基于深度强化学习的多可配置智能表面,用于 MEC 卸载
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-09 DOI: 10.1155/2024/2960447
Long Qu, An Huang, Junqi Pan, Cheng Dai, Sahil Garg, Mohammad Mehedi Hassan

Computational offloading in mobile edge computing (MEC) systems provides an efficient solution for resource-intensive applications on devices. However, the frequent communication between devices and edge servers increases the traffic within the network, thereby hindering significant improvements in latency. Furthermore, the benefits of MEC cannot be fully realized when the communication link utilized for offloading tasks experiences severe attenuation. Fortunately, reconfigurable intelligent surfaces (RISs) can mitigate propagation-induced impairments by adjusting the phase shifts imposed on the incident signals using their passive reflecting elements. This paper investigates the performance gains achieved by deploying multiple RISs in MEC systems under energy-constrained conditions to minimize the overall system latency. Considering the high coupling among variables such as the selection of multiple RISs, optimization of their phase shifts, transmit power, and MEC offloading volume, the problem is formulated as a nonconvex problem. We propose two approaches to address this problem. First, we employ an alternating optimization approach based on semidefinite relaxation (AO-SDR) to decompose the original problem into two subproblems, enabling the alternating optimization of multi-RIS communication and MEC offloading volume. Second, due to its capability to model and learn the optimal phase adjustment strategies adaptively in dynamic and uncertain environments, deep reinforcement learning (DRL) offers a promising approach to enhance the performance of phase optimization strategies. We leverage DRL to address the joint design of MEC-offloading volume and multi-RIS communication. Extensive simulations and numerical analysis results demonstrate that compared to conventional MEC systems without RIS assistance, the multi-RIS-assisted schemes based on the AO-SDR and DRL methods achieve a reduction in latency by 23.5% and 29.6%, respectively.

移动边缘计算(MEC)系统中的计算卸载为设备上的资源密集型应用提供了有效的解决方案。然而,设备与边缘服务器之间的频繁通信增加了网络内的流量,从而阻碍了延迟的显著改善。此外,当用于卸载任务的通信链路出现严重衰减时,MEC 的优势就无法充分体现。幸运的是,可重构智能表面(RIS)可以利用其无源反射元件调整施加在入射信号上的相移,从而减轻传播引起的衰减。本文研究了在能源受限条件下,通过在 MEC 系统中部署多个 RIS 来实现性能提升,从而最大限度地减少整个系统的延迟。考虑到多个 RIS 的选择、相移优化、发射功率和 MEC 卸载量等变量之间的高度耦合,该问题被表述为一个非凸问题。我们提出了两种方法来解决这一问题。首先,我们采用基于半定量松弛的交替优化方法(AO-SDR),将原始问题分解为两个子问题,从而实现多 RIS 通信和 MEC 卸载量的交替优化。其次,由于深度强化学习(DRL)能够在动态和不确定的环境中建模并自适应地学习最优相位调整策略,它为提高相位优化策略的性能提供了一种前景广阔的方法。我们利用 DRL 解决了 MEC 卸载量和多 RIS 通信的联合设计问题。广泛的仿真和数值分析结果表明,与没有 RIS 辅助的传统 MEC 系统相比,基于 AO-SDR 和 DRL 方法的多 RIS 辅助方案的延迟时间分别缩短了 23.5% 和 29.6%。
{"title":"Deep Reinforcement Learning-Based Multireconfigurable Intelligent Surface for MEC Offloading","authors":"Long Qu,&nbsp;An Huang,&nbsp;Junqi Pan,&nbsp;Cheng Dai,&nbsp;Sahil Garg,&nbsp;Mohammad Mehedi Hassan","doi":"10.1155/2024/2960447","DOIUrl":"https://doi.org/10.1155/2024/2960447","url":null,"abstract":"<div>\u0000 <p>Computational offloading in mobile edge computing (MEC) systems provides an efficient solution for resource-intensive applications on devices. However, the frequent communication between devices and edge servers increases the traffic within the network, thereby hindering significant improvements in latency. Furthermore, the benefits of MEC cannot be fully realized when the communication link utilized for offloading tasks experiences severe attenuation. Fortunately, reconfigurable intelligent surfaces (RISs) can mitigate propagation-induced impairments by adjusting the phase shifts imposed on the incident signals using their passive reflecting elements. This paper investigates the performance gains achieved by deploying multiple RISs in MEC systems under energy-constrained conditions to minimize the overall system latency. Considering the high coupling among variables such as the selection of multiple RISs, optimization of their phase shifts, transmit power, and MEC offloading volume, the problem is formulated as a nonconvex problem. We propose two approaches to address this problem. First, we employ an alternating optimization approach based on semidefinite relaxation (AO-SDR) to decompose the original problem into two subproblems, enabling the alternating optimization of multi-RIS communication and MEC offloading volume. Second, due to its capability to model and learn the optimal phase adjustment strategies adaptively in dynamic and uncertain environments, deep reinforcement learning (DRL) offers a promising approach to enhance the performance of phase optimization strategies. We leverage DRL to address the joint design of MEC-offloading volume and multi-RIS communication. Extensive simulations and numerical analysis results demonstrate that compared to conventional MEC systems without RIS assistance, the multi-RIS-assisted schemes based on the AO-SDR and DRL methods achieve a reduction in latency by 23.5% and 29.6%, respectively.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-07-09","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/2960447","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141583721","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Novel Long Short-Term Memory Learning Strategy for Object Tracking 用于物体跟踪的新型长短期记忆学习策略
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-05 DOI: 10.1155/2024/6632242
Qian Wang, Jian Yang, Hong Song

In this paper, a novel integrated long short-term memory (LSTM) network and dynamic update model are proposed for long-term object tracking in video images. The LSTM network tracking method is introduced to improve the effect of tracking failure caused by target occlusion. Stable tracking of the target is achieved using the LSTM method to predict the motion trajectory of the target when it is occluded and dynamically updating the tracking template. First, in target tracking, global average peak-to-correlation energy (GAPCE) is used to determine whether the tracking target is blocked or temporarily disappearing such that the follow-up response tracking strategy can be adjusted accordingly. Second, the data with target motion characteristics are utilized to train the designed LSTM model to obtain an offline model, which effectively predicts the motion trajectory during the period when the target is occluded or has disappeared. Therefore, it can be captured again when the target reappears. Finally, in the dynamic template adjustment stage, the historical information of the target movement is combined, and the corresponding value of the current target is compared with the historical response value to realize the dynamic adjustment of the target tracking template. Compared with the current mainstream efficient convolution operators, namely, the E.T.Track, ToMP, KeepTrack, and RTS algorithms, on the OTB100 and LaSOT datasets, the proposed algorithm increases the distance precision by 9.9% when the distance threshold is 5 pixels, increases the overlap success rate by 0.94% when the overlap threshold is 0.75, and decreases the center location error by 18.9%. The proposed method has higher tracking accuracy and robustness and is more suitable for long-term tracking of targets in actual scenarios than are the main approaches.

本文提出了一种新颖的集成长短期记忆(LSTM)网络和动态更新模型,用于视频图像中的长期目标跟踪。本文引入了 LSTM 网络跟踪方法,以改善目标遮挡导致的跟踪失败的影响。利用 LSTM 方法预测目标被遮挡时的运动轨迹,并动态更新跟踪模板,从而实现对目标的稳定跟踪。首先,在目标跟踪中,利用全局平均峰值相关能量(GAPCE)来判断跟踪目标是否受阻或暂时消失,从而相应地调整后续响应跟踪策略。其次,利用具有目标运动特征的数据来训练所设计的 LSTM 模型,从而获得离线模型,该模型可有效预测目标被遮挡或消失期间的运动轨迹。因此,当目标再次出现时,可以再次进行捕捉。最后,在动态模板调整阶段,结合目标运动的历史信息,将当前目标的对应值与历史响应值进行比较,实现目标跟踪模板的动态调整。在 OTB100 和 LaSOT 数据集上,与目前主流的高效卷积算子,即 E.T.Track、ToMP、KeepTrack 和 RTS 算法相比,当距离阈值为 5 像素时,所提算法的距离精度提高了 9.9%;当重叠阈值为 0.75 时,重叠成功率提高了 0.94%;中心位置误差降低了 18.9%。与其他主要方法相比,本文提出的方法具有更高的跟踪精度和鲁棒性,更适合在实际场景中对目标进行长期跟踪。
{"title":"A Novel Long Short-Term Memory Learning Strategy for Object Tracking","authors":"Qian Wang,&nbsp;Jian Yang,&nbsp;Hong Song","doi":"10.1155/2024/6632242","DOIUrl":"https://doi.org/10.1155/2024/6632242","url":null,"abstract":"<div>\u0000 <p>In this paper, a novel integrated long short-term memory (LSTM) network and dynamic update model are proposed for long-term object tracking in video images. The LSTM network tracking method is introduced to improve the effect of tracking failure caused by target occlusion. Stable tracking of the target is achieved using the LSTM method to predict the motion trajectory of the target when it is occluded and dynamically updating the tracking template. First, in target tracking, global average peak-to-correlation energy (GAPCE) is used to determine whether the tracking target is blocked or temporarily disappearing such that the follow-up response tracking strategy can be adjusted accordingly. Second, the data with target motion characteristics are utilized to train the designed LSTM model to obtain an offline model, which effectively predicts the motion trajectory during the period when the target is occluded or has disappeared. Therefore, it can be captured again when the target reappears. Finally, in the dynamic template adjustment stage, the historical information of the target movement is combined, and the corresponding value of the current target is compared with the historical response value to realize the dynamic adjustment of the target tracking template. Compared with the current mainstream efficient convolution operators, namely, the E.T.Track, ToMP, KeepTrack, and RTS algorithms, on the OTB100 and LaSOT datasets, the proposed algorithm increases the distance precision by 9.9% when the distance threshold is 5 pixels, increases the overlap success rate by 0.94% when the overlap threshold is 0.75, and decreases the center location error by 18.9%. The proposed method has higher tracking accuracy and robustness and is more suitable for long-term tracking of targets in actual scenarios than are the main approaches.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-07-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/6632242","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141536546","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
BrainNet: Precision Brain Tumor Classification with Optimized EfficientNet Architecture BrainNet:利用优化的 EfficientNet 架构进行精确脑肿瘤分类
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-06-30 DOI: 10.1155/2024/3583612
Md Manowarul Islam, Md. Alamin Talukder, Md Ashraf Uddin, Arnisha Akhter, Majdi Khalid

Brain tumors significantly impact human health due to their complexity and the challenges in early detection and treatment. Accurate diagnosis is crucial for effective intervention, but existing methods often suffer from limitations in accuracy and efficiency. To address these challenges, this study presents a novel deep learning (DL) approach utilizing the EfficientNet family for enhanced brain tumor classification and detection. Leveraging a comprehensive dataset of 3064 T1-weighted CE MRI images, our methodology incorporates advanced preprocessing and augmentation techniques to optimize model performance. The experiments demonstrate that EfficientNetB(07) achieved 99.14%, 98.76%, 99.07%, 99.69%, 99.07%, 98.76%, 98.76%, and 99.07% accuracy, respectively. The pinnacle of our research is the EfficientNetB3 model, which demonstrated exceptional performance with an accuracy rate of 99.69%. This performance surpasses many existing state-of-the-art (SOTA) techniques, underscoring the efficacy of our approach. The precision of our high-accuracy DL model promises to improve diagnostic reliability and speed in clinical settings, facilitating earlier and more effective treatment strategies. Our findings suggest significant potential for improving patient outcomes in brain tumor diagnosis.

脑肿瘤因其复杂性以及早期检测和治疗方面的挑战而严重影响人类健康。准确诊断对于有效干预至关重要,但现有方法在准确性和效率方面往往存在局限性。为了应对这些挑战,本研究提出了一种利用 EfficientNet 系列的新型深度学习(DL)方法,用于增强脑肿瘤分类和检测。利用由 3064 张 T1 加权 CE MRI 图像组成的综合数据集,我们的方法采用了先进的预处理和增强技术来优化模型性能。实验证明,EfficientNetB(07)的准确率分别达到了99.14%、98.76%、99.07%、99.69%、99.07%、98.76%、98.76%和99.07%。我们研究的巅峰之作是 EfficientNetB3 模型,它的准确率高达 99.69%,表现出了卓越的性能。这一性能超越了许多现有的最先进(SOTA)技术,彰显了我们方法的功效。我们高精度 DL 模型的精确性有望提高临床诊断的可靠性和速度,从而促进更早、更有效的治疗策略。我们的研究结果表明,在脑肿瘤诊断方面,我们具有改善患者预后的巨大潜力。
{"title":"BrainNet: Precision Brain Tumor Classification with Optimized EfficientNet Architecture","authors":"Md Manowarul Islam,&nbsp;Md. Alamin Talukder,&nbsp;Md Ashraf Uddin,&nbsp;Arnisha Akhter,&nbsp;Majdi Khalid","doi":"10.1155/2024/3583612","DOIUrl":"https://doi.org/10.1155/2024/3583612","url":null,"abstract":"<div>\u0000 <p>Brain tumors significantly impact human health due to their complexity and the challenges in early detection and treatment. Accurate diagnosis is crucial for effective intervention, but existing methods often suffer from limitations in accuracy and efficiency. To address these challenges, this study presents a novel deep learning (DL) approach utilizing the EfficientNet family for enhanced brain tumor classification and detection. Leveraging a comprehensive dataset of 3064 T1-weighted CE MRI images, our methodology incorporates advanced preprocessing and augmentation techniques to optimize model performance. The experiments demonstrate that EfficientNetB(07) achieved 99.14%, 98.76%, 99.07%, 99.69%, 99.07%, 98.76%, 98.76%, and 99.07% accuracy, respectively. The pinnacle of our research is the EfficientNetB3 model, which demonstrated exceptional performance with an accuracy rate of 99.69%. This performance surpasses many existing state-of-the-art (SOTA) techniques, underscoring the efficacy of our approach. The precision of our high-accuracy DL model promises to improve diagnostic reliability and speed in clinical settings, facilitating earlier and more effective treatment strategies. Our findings suggest significant potential for improving patient outcomes in brain tumor diagnosis.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-06-30","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/3583612","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141488330","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
IMA-LSTM: An Interaction-Based Model Combining Multihead Attention with LSTM for Trajectory Prediction in Multivehicle Interaction Scenario IMA-LSTM:基于交互的模型,结合多头注意力与 LSTM,用于多车交互场景中的轨迹预测
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-06-30 DOI: 10.1155/2024/3058863
Xiaohong Yin, Jingpeng Wen, Tian Lei, Gaoyao Xiao, Qihua Zhan

The rapid development of vehicle-to-vehicle (V2V) communication technology provides more opportunities to improve traffic safety and efficiency, which facilitates the exchange of multivehicle information to mine potential patterns and hidden associations in vehicle trajectory prediction. To address the importance of fine-grained vehicle interaction modelling in vehicle trajectory prediction, the present work proposes an integrated vehicle trajectory prediction model that combines the multihead attention mechanism with long short-term memory (IMA-LSTM) in multivehicle interaction scenarios. Compared to existing studies, a dedicated feature extraction module including both individual features and interactive features is designed and sophisticated multihead attention mechanism is applied with LSTM framework to capture the variation of spatial-temporal interactions between vehicles. The performance of the proposed model in different scenarios is examined using both the high-D and the NGSIM dataset through comprehensive comparison experiments. The results indicate that the proposed IMA-LSTM model presents great improvement in vehicle trajectory prediction performance in different scenarios compared to the model that does not consider multivehicle interaction features. Moreover, it outperforms other existing models in 3–5s prediction horizons and such superiority is more evident in left lane-changing (LLC) scenarios than lane-keeping (LK) and right lane-changing (RLC) scenarios. The outcomes fully address the importance of fine-grained interactive feature modelling in improving vehicle trajectory performance in complex multivehicle interaction scenarios and could further contribute to more refined traffic safety and traffic efficiency management.

车对车(V2V)通信技术的快速发展为提高交通安全和效率提供了更多机会,这有利于交换多车信息,挖掘车辆轨迹预测中的潜在模式和隐藏关联。针对细粒度车辆交互建模在车辆轨迹预测中的重要性,本研究提出了一种在多车交互场景下结合多头注意力机制和长短期记忆(IMA-LSTM)的综合车辆轨迹预测模型。与现有研究相比,该模型设计了专门的特征提取模块,包括单个特征和交互特征,并将复杂的多头注意力机制与 LSTM 框架相结合,以捕捉车辆间时空交互的变化。通过综合对比实验,使用 highD 和 NGSIM 数据集检验了所提模型在不同场景下的性能。结果表明,与不考虑多车交互特征的模型相比,所提出的 IMA-LSTM 模型在不同场景下的车辆轨迹预测性能都有很大提高。此外,该模型在 3-5 秒的预测范围内优于其他现有模型,而且在左变道(LLC)场景中的优势比车道保持(LK)和右变道(RLC)场景中更为明显。这些成果充分说明了细粒度交互特征建模在复杂的多车交互场景中改善车辆轨迹性能的重要性,并可进一步促进更精细的交通安全和交通效率管理。
{"title":"IMA-LSTM: An Interaction-Based Model Combining Multihead Attention with LSTM for Trajectory Prediction in Multivehicle Interaction Scenario","authors":"Xiaohong Yin,&nbsp;Jingpeng Wen,&nbsp;Tian Lei,&nbsp;Gaoyao Xiao,&nbsp;Qihua Zhan","doi":"10.1155/2024/3058863","DOIUrl":"https://doi.org/10.1155/2024/3058863","url":null,"abstract":"<div>\u0000 <p>The rapid development of vehicle-to-vehicle (V2V) communication technology provides more opportunities to improve traffic safety and efficiency, which facilitates the exchange of multivehicle information to mine potential patterns and hidden associations in vehicle trajectory prediction. To address the importance of fine-grained vehicle interaction modelling in vehicle trajectory prediction, the present work proposes an integrated vehicle trajectory prediction model that combines the multihead attention mechanism with long short-term memory (IMA-LSTM) in multivehicle interaction scenarios. Compared to existing studies, a dedicated feature extraction module including both individual features and interactive features is designed and sophisticated multihead attention mechanism is applied with LSTM framework to capture the variation of spatial-temporal interactions between vehicles. The performance of the proposed model in different scenarios is examined using both the high-D and the NGSIM dataset through comprehensive comparison experiments. The results indicate that the proposed IMA-LSTM model presents great improvement in vehicle trajectory prediction performance in different scenarios compared to the model that does not consider multivehicle interaction features. Moreover, it outperforms other existing models in 3–5s prediction horizons and such superiority is more evident in left lane-changing (LLC) scenarios than lane-keeping (LK) and right lane-changing (RLC) scenarios. The outcomes fully address the importance of fine-grained interactive feature modelling in improving vehicle trajectory performance in complex multivehicle interaction scenarios and could further contribute to more refined traffic safety and traffic efficiency management.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-06-30","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/3058863","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141488331","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Hybrid Deep Neural Network Approach to Recognize Driving Fatigue Based on EEG Signals 基于脑电信号识别驾驶疲劳的混合深度神经网络方法
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-06-30 DOI: 10.1155/2024/9898333
Mohammed Alghanim, Hani Attar, Khosro Rezaee, Mohamadreza Khosravi, Ahmed Solyman, Mohammad A. Kanan

Electroencephalography (EEG) data serve as a reliable method for fatigue detection due to their intuitive representation of drivers’ mental processes. However, existing research on feature generation has overlooked the effective and automated aspects of this process. The challenge of extracting features from unpredictable and complex EEG signals has led to the frequent use of deep learning models for signal classification. Unfortunately, these models often neglect generalizability to novel subjects. To address these concerns, this study proposes the utilization of a modified deep convolutional neural network, specifically the Inception-dilated ResNet architecture. Trained on spectrograms derived from segmented EEG data, the network undergoes analysis in both temporal and spatial-frequency dimensions. The primary focus is on accurately detecting and classifying fatigue. The inherent variability of EEG signals between individuals, coupled with limited samples during fatigue states, presents challenges in fatigue detection through brain signals. Therefore, a detailed structural analysis of fatigue episodes is crucial. Experimental results demonstrate the proposed methodology’s ability to distinguish between alertness and sleepiness, achieving average accuracy rates of 98.87% and 82.73% on Figshare and SEED-VIG datasets, respectively, surpassing contemporary methodologies. Additionally, the study examines frequency bands’ relative significance to further explore participants’ inclinations in states of alertness and fatigue. This research paves the way for deeper exploration into the underlying factors contributing to mental fatigue.

脑电图(EEG)数据能直观地反映驾驶员的心理过程,是疲劳检测的可靠方法。然而,现有的特征生成研究忽略了这一过程的有效和自动化方面。从不可预测且复杂的脑电信号中提取特征是一项挑战,因此人们经常使用深度学习模型对信号进行分类。遗憾的是,这些模型往往忽视了对新受试者的普适性。为了解决这些问题,本研究建议使用改进的深度卷积神经网络,特别是 Inception-dilated ResNet 架构。该网络以来自分割脑电图数据的频谱图为训练对象,在时间和空间频率两个维度上进行分析。主要重点是对疲劳进行准确检测和分类。不同个体的脑电信号存在固有的差异性,再加上疲劳状态下的样本有限,这些都给通过脑电信号进行疲劳检测带来了挑战。因此,对疲劳发作进行详细的结构分析至关重要。实验结果表明,所提出的方法能够区分警觉和困倦,在 Figshare 和 SEED-VIG 数据集上的平均准确率分别达到 98.87% 和 82.73%,超过了当代的方法。此外,该研究还检查了频段的相对重要性,以进一步探索参与者在警觉和疲劳状态下的倾向。这项研究为深入探讨导致精神疲劳的潜在因素铺平了道路。
{"title":"A Hybrid Deep Neural Network Approach to Recognize Driving Fatigue Based on EEG Signals","authors":"Mohammed Alghanim,&nbsp;Hani Attar,&nbsp;Khosro Rezaee,&nbsp;Mohamadreza Khosravi,&nbsp;Ahmed Solyman,&nbsp;Mohammad A. Kanan","doi":"10.1155/2024/9898333","DOIUrl":"https://doi.org/10.1155/2024/9898333","url":null,"abstract":"<div>\u0000 <p>Electroencephalography (EEG) data serve as a reliable method for fatigue detection due to their intuitive representation of drivers’ mental processes. However, existing research on feature generation has overlooked the effective and automated aspects of this process. The challenge of extracting features from unpredictable and complex EEG signals has led to the frequent use of deep learning models for signal classification. Unfortunately, these models often neglect generalizability to novel subjects. To address these concerns, this study proposes the utilization of a modified deep convolutional neural network, specifically the Inception-dilated ResNet architecture. Trained on spectrograms derived from segmented EEG data, the network undergoes analysis in both temporal and spatial-frequency dimensions. The primary focus is on accurately detecting and classifying fatigue. The inherent variability of EEG signals between individuals, coupled with limited samples during fatigue states, presents challenges in fatigue detection through brain signals. Therefore, a detailed structural analysis of fatigue episodes is crucial. Experimental results demonstrate the proposed methodology’s ability to distinguish between alertness and sleepiness, achieving average accuracy rates of 98.87% and 82.73% on Figshare and SEED-VIG datasets, respectively, surpassing contemporary methodologies. Additionally, the study examines frequency bands’ relative significance to further explore participants’ inclinations in states of alertness and fatigue. This research paves the way for deeper exploration into the underlying factors contributing to mental fatigue.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-06-30","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/9898333","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141488332","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Machine Learning-Based Framework for Accurate and Early Diagnosis of Liver Diseases: A Comprehensive Study on Feature Selection, Data Imbalance, and Algorithmic Performance 基于机器学习的肝病早期准确诊断框架:关于特征选择、数据失衡和算法性能的综合研究
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-06-28 DOI: 10.1155/2024/6111312
Attique Ur Rehman, Wasi Haider Butt, Tahir Muhammad Ali, Sabeen Javaid, Maram Fahaad Almufareh, Mamoona Humayun, Hameedur Rahman, Azka Mir, Momina Shaheen

The liver is the largest organ of the human body with more than 500 vital functions. In recent decades, a large number of liver patients have been reported with diseases such as cirrhosis, fibrosis, or other liver disorders. There is a need for effective, early, and accurate identification of individuals suffering from such disease so that the person may recover before the disease spreads and becomes fatal. For this, applications of machine learning are playing a significant role. Despite the advancements, existing systems remain inconsistent in performance due to limited feature selection and data imbalance. In this article, we reviewed 58 articles extracted from 5 different electronic repositories published from January 2015 to 2023. After a systematic and protocol-based review, we answered 6 research questions about machine learning algorithms. The identification of effective feature selection techniques, data imbalance management techniques, accurate machine learning algorithms, a list of available data sets with their URLs and characteristics, and feature importance based on usage has been identified for diagnosing liver disease. The reason to select this research question is, in any machine learning framework, the role of dimensionality reduction, data imbalance management, machine learning algorithm with its accuracy, and data itself is very significant. Based on the conducted review, a framework, machine learning-based liver disease diagnosis (MaLLiDD), has been proposed and validated using three datasets. The proposed framework classified liver disorders with 99.56%, 76.56%, and 76.11% accuracy. In conclusion, this article addressed six research questions by identifying effective feature selection techniques, data imbalance management techniques, algorithms, datasets, and feature importance based on usage. It also demonstrated a high accuracy with the framework for early diagnosis, marking a significant advancement.

肝脏是人体最大的器官,具有 500 多种重要功能。近几十年来,大量肝病患者被报告患有肝硬化、肝纤维化或其他肝脏疾病。因此,需要有效、早期、准确地识别此类疾病的患者,以便在疾病扩散和致命之前使其康复。为此,机器学习的应用发挥了重要作用。尽管取得了进步,但由于特征选择有限和数据不平衡,现有系统的性能仍不稳定。在本文中,我们回顾了 2015 年 1 月至 2023 年期间从 5 个不同电子资料库中提取的 58 篇文章。经过系统性和基于协议的回顾,我们回答了有关机器学习算法的 6 个研究问题。确定了诊断肝病的有效特征选择技术、数据不平衡管理技术、准确的机器学习算法、可用数据集列表及其 URL 和特征,以及基于使用情况的特征重要性。选择这个研究问题的原因是,在任何机器学习框架中,降维、数据不平衡管理、机器学习算法及其准确性和数据本身的作用都非常重要。在综述的基础上,我们提出了基于机器学习的肝病诊断(MaLLiDD)框架,并使用三个数据集进行了验证。该框架对肝脏疾病的分类准确率分别为 99.56%、76.56% 和 76.11%。总之,本文通过确定有效的特征选择技术、数据不平衡管理技术、算法、数据集和基于使用的特征重要性,解决了六个研究问题。文章还展示了早期诊断框架的高准确率,标志着一项重大进步。
{"title":"A Machine Learning-Based Framework for Accurate and Early Diagnosis of Liver Diseases: A Comprehensive Study on Feature Selection, Data Imbalance, and Algorithmic Performance","authors":"Attique Ur Rehman,&nbsp;Wasi Haider Butt,&nbsp;Tahir Muhammad Ali,&nbsp;Sabeen Javaid,&nbsp;Maram Fahaad Almufareh,&nbsp;Mamoona Humayun,&nbsp;Hameedur Rahman,&nbsp;Azka Mir,&nbsp;Momina Shaheen","doi":"10.1155/2024/6111312","DOIUrl":"https://doi.org/10.1155/2024/6111312","url":null,"abstract":"<div>\u0000 <p>The liver is the largest organ of the human body with more than 500 vital functions. In recent decades, a large number of liver patients have been reported with diseases such as cirrhosis, fibrosis, or other liver disorders. There is a need for effective, early, and accurate identification of individuals suffering from such disease so that the person may recover before the disease spreads and becomes fatal. For this, applications of machine learning are playing a significant role. Despite the advancements, existing systems remain inconsistent in performance due to limited feature selection and data imbalance. In this article, we reviewed 58 articles extracted from 5 different electronic repositories published from January 2015 to 2023. After a systematic and protocol-based review, we answered 6 research questions about machine learning algorithms. The identification of effective feature selection techniques, data imbalance management techniques, accurate machine learning algorithms, a list of available data sets with their URLs and characteristics, and feature importance based on usage has been identified for diagnosing liver disease. The reason to select this research question is, in any machine learning framework, the role of dimensionality reduction, data imbalance management, machine learning algorithm with its accuracy, and data itself is very significant. Based on the conducted review, a framework, machine learning-based liver disease diagnosis (MaLLiDD), has been proposed and validated using three datasets. The proposed framework classified liver disorders with 99.56%, 76.56%, and 76.11% accuracy. In conclusion, this article addressed six research questions by identifying effective feature selection techniques, data imbalance management techniques, algorithms, datasets, and feature importance based on usage. It also demonstrated a high accuracy with the framework for early diagnosis, marking a significant advancement.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-06-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/6111312","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141488988","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Hierarchical Game-Theoretic Framework for Live Video Transmission with Dynamic Network Computing Integration 集成动态网络计算的直播视频传输分层博弈论框架
IF 5 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-06-28 DOI: 10.1155/2024/9928957
Qimiao Zeng, Yirong Zhuang, Zitong Li, Hongye Jiang, Qing Pan, Ge Chen, Han Xiao

Recently, live streaming technology has been widely utilized in areas such as online gaming, e-healthcare, and video conferencing. The increasing network and computational resources required for live streaming increase the cost of content providers and Internet Service Providers (ISPs), which may lead to increased latency or even unavailability of live streaming services. The current research primarily focuses on providing high-quality services by assessing the resource status of network nodes individually. However, the role assignment within nodes and the interconnectivity among nodes are often overlooked. To fill this gap, we propose a hierarchical game theory-based live video transmission framework to coordinate the heterogeneity of live tasks and nodes and to improve the resource utilization of nodes and the service satisfaction of users. Secondly, the service node roles are set as producers who are closer to the live streaming source and provide content, consumers who are closer to the end users and process data, and silent nodes who do not participate in the service process, and a non-cooperative game-based role competition algorithm is designed to improve the node resource utilization. Furthermore, a matching-based optimal path algorithm for media services is designed to establish optimal matching associations among service nodes to optimize the service experience. Finally, extensive simulation experiments show that our approach performs better in terms of service latency and bandwidth.

最近,流媒体直播技术被广泛应用于在线游戏、电子医疗保健和视频会议等领域。直播流媒体所需的网络和计算资源越来越多,这增加了内容提供商和互联网服务提供商(ISP)的成本,可能导致直播流媒体服务的延迟增加甚至不可用。目前的研究主要侧重于通过单独评估网络节点的资源状况来提供高质量服务。然而,节点内部的角色分配和节点之间的互联互通往往被忽视。为了填补这一空白,我们提出了基于分层博弈论的视频直播传输框架,以协调直播任务和节点的异质性,提高节点的资源利用率和用户的服务满意度。其次,将服务节点角色设定为更靠近直播源、提供内容的生产者,更靠近终端用户、处理数据的消费者,以及不参与服务过程的沉默节点,并设计了基于非合作博弈的角色竞争算法,以提高节点资源利用率。此外,还设计了一种基于匹配的媒体服务最优路径算法,以建立服务节点之间的最优匹配关联,优化服务体验。最后,大量模拟实验表明,我们的方法在服务延迟和带宽方面表现更佳。
{"title":"Hierarchical Game-Theoretic Framework for Live Video Transmission with Dynamic Network Computing Integration","authors":"Qimiao Zeng,&nbsp;Yirong Zhuang,&nbsp;Zitong Li,&nbsp;Hongye Jiang,&nbsp;Qing Pan,&nbsp;Ge Chen,&nbsp;Han Xiao","doi":"10.1155/2024/9928957","DOIUrl":"https://doi.org/10.1155/2024/9928957","url":null,"abstract":"<div>\u0000 <p>Recently, live streaming technology has been widely utilized in areas such as online gaming, e-healthcare, and video conferencing. The increasing network and computational resources required for live streaming increase the cost of content providers and Internet Service Providers (ISPs), which may lead to increased latency or even unavailability of live streaming services. The current research primarily focuses on providing high-quality services by assessing the resource status of network nodes individually. However, the role assignment within nodes and the interconnectivity among nodes are often overlooked. To fill this gap, we propose a hierarchical game theory-based live video transmission framework to coordinate the heterogeneity of live tasks and nodes and to improve the resource utilization of nodes and the service satisfaction of users. Secondly, the service node roles are set as producers who are closer to the live streaming source and provide content, consumers who are closer to the end users and process data, and silent nodes who do not participate in the service process, and a non-cooperative game-based role competition algorithm is designed to improve the node resource utilization. Furthermore, a matching-based optimal path algorithm for media services is designed to establish optimal matching associations among service nodes to optimize the service experience. Finally, extensive simulation experiments show that our approach performs better in terms of service latency and bandwidth.</p>\u0000 </div>","PeriodicalId":14089,"journal":{"name":"International Journal of Intelligent Systems","volume":"2024 1","pages":""},"PeriodicalIF":5.0,"publicationDate":"2024-06-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1155/2024/9928957","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141488989","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
International Journal of Intelligent Systems
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1