期刊文献+
共找到1,259篇文章
< 1 2 63 >
每页显示 20 50 100
A Novel Approach Based on Graph Attention Networks for Fruit Recognition
1
作者 Dat Tran-Anh Hoai Nam Vu 《Computers, Materials & Continua》 2025年第2期2703-2722,共20页
Counterfeit agricultural products pose a significant challenge to global food security and economic stability, necessitating advanced detection mechanisms to ensure authenticity and quality. To address this pressing i... Counterfeit agricultural products pose a significant challenge to global food security and economic stability, necessitating advanced detection mechanisms to ensure authenticity and quality. To address this pressing issue, we introduce iGFruit, an innovative model designed to enhance the detection of counterfeit agricultural products by integrating multimodal data processing. Our approach utilizes both image and text data for comprehensive feature extraction, employing advanced backbone models such as Vision Transformer (ViT), Normalizer-Free Network (NFNet), and Bidirectional Encoder Representations from Transformers (BERT). These extracted features are fused and processed using a Graph Attention Network (GAT) to capture intricate relationships within the multimodal data. The resulting fused representation is subsequently classified to detect counterfeit products with high precision. We validate the effectiveness of iGFruit through extensive experiments on two datasets: the publicly available MIT-States dataset and the proprietary TLU-States dataset, achieving state-of-the-art performance on both benchmarks. Specifically, iGFruit demonstrates an improvement of over 3% in average accuracy compared to baseline models, all while maintaining computational efficiency during inference. This work underscores the necessity and innovativeness of integrating graph-based feature learning to tackle the critical issue of counterfeit agricultural product detection. 展开更多
关键词 Fruit recognition graph attention network multi-feature processing
在线阅读 下载PDF
Efficient Parameterization for Knowledge Graph Embedding Using Hierarchical Attention Network
2
作者 Zhen-Yu Chen Feng-Chi Liu +2 位作者 Xin Wang Cheng-Hsiung Lee Ching-Sheng Lin 《Computers, Materials & Continua》 2025年第3期4287-4300,共14页
In the domain of knowledge graph embedding,conventional approaches typically transform entities and relations into continuous vector spaces.However,parameter efficiency becomes increasingly crucial when dealing with l... In the domain of knowledge graph embedding,conventional approaches typically transform entities and relations into continuous vector spaces.However,parameter efficiency becomes increasingly crucial when dealing with large-scale knowledge graphs that contain vast numbers of entities and relations.In particular,resource-intensive embeddings often lead to increased computational costs,and may limit scalability and adaptability in practical environ-ments,such as in low-resource settings or real-world applications.This paper explores an approach to knowledge graph representation learning that leverages small,reserved entities and relation sets for parameter-efficient embedding.We introduce a hierarchical attention network designed to refine and maximize the representational quality of embeddings by selectively focusing on these reserved sets,thereby reducing model complexity.Empirical assessments validate that our model achieves high performance on the benchmark dataset with fewer parameters and smaller embedding dimensions.The ablation studies further highlight the impact and contribution of each component in the proposed hierarchical attention structure. 展开更多
关键词 Knowledge graph embedding parameter efficiency representation learning reserved entity and relation sets hierarchical attention network
在线阅读 下载PDF
GATiT:An Intelligent Diagnosis Model Based on Graph Attention Network Incorporating Text Representation in Knowledge Reasoning
3
作者 Yu Song Pengcheng Wu +2 位作者 Dongming Dai Mingyu Gui Kunli Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第9期4767-4790,共24页
The growing prevalence of knowledge reasoning using knowledge graphs(KGs)has substantially improved the accuracy and efficiency of intelligent medical diagnosis.However,current models primarily integrate electronic me... The growing prevalence of knowledge reasoning using knowledge graphs(KGs)has substantially improved the accuracy and efficiency of intelligent medical diagnosis.However,current models primarily integrate electronic medical records(EMRs)and KGs into the knowledge reasoning process,ignoring the differing significance of various types of knowledge in EMRs and the diverse data types present in the text.To better integrate EMR text information,we propose a novel intelligent diagnostic model named the Graph ATtention network incorporating Text representation in knowledge reasoning(GATiT),which comprises text representation,subgraph construction,knowledge reasoning,and diagnostic classification.In the text representation process,GATiT uses a pre-trained model to obtain text representations of the EMRs and additionally enhances embeddings by including chief complaint information and numerical information in the input.In the subgraph construction process,GATiT constructs text subgraphs and disease subgraphs from the KG,utilizing EMR text and the disease to be diagnosed.To differentiate the varying importance of nodes within the subgraphs features such as node categories,relevance scores,and other relevant factors are introduced into the text subgraph.Themessage-passing strategy and attention weight calculation of the graph attention network are adjusted to learn these features in the knowledge reasoning process.Finally,in the diagnostic classification process,the interactive attention-based fusion method integrates the results of knowledge reasoning with text representations to produce the final diagnosis results.Experimental results on multi-label and single-label EMR datasets demonstrate the model’s superiority over several state-of-theart methods. 展开更多
关键词 Intelligent diagnosis knowledge graph graph attention network knowledge reasoning
在线阅读 下载PDF
DIGNN-A:Real-Time Network Intrusion Detection with Integrated Neural Networks Based on Dynamic Graph
4
作者 Jizhao Liu Minghao Guo 《Computers, Materials & Continua》 SCIE EI 2025年第1期817-842,共26页
The increasing popularity of the Internet and the widespread use of information technology have led to a rise in the number and sophistication of network attacks and security threats.Intrusion detection systems are cr... The increasing popularity of the Internet and the widespread use of information technology have led to a rise in the number and sophistication of network attacks and security threats.Intrusion detection systems are crucial to network security,playing a pivotal role in safeguarding networks from potential threats.However,in the context of an evolving landscape of sophisticated and elusive attacks,existing intrusion detection methodologies often overlook critical aspects such as changes in network topology over time and interactions between hosts.To address these issues,this paper proposes a real-time network intrusion detection method based on graph neural networks.The proposedmethod leverages the advantages of graph neural networks and employs a straightforward graph construction method to represent network traffic as dynamic graph-structured data.Additionally,a graph convolution operation with a multi-head attention mechanism is utilized to enhance the model’s ability to capture the intricate relationships within the graph structure comprehensively.Furthermore,it uses an integrated graph neural network to address dynamic graphs’structural and topological changes at different time points and the challenges of edge embedding in intrusion detection data.The edge classification problem is effectively transformed into node classification by employing a line graph data representation,which facilitates fine-grained intrusion detection tasks on dynamic graph node feature representations.The efficacy of the proposed method is evaluated using two commonly used intrusion detection datasets,UNSW-NB15 and NF-ToN-IoT-v2,and results are compared with previous studies in this field.The experimental results demonstrate that our proposed method achieves 99.3%and 99.96%accuracy on the two datasets,respectively,and outperforms the benchmark model in several evaluation metrics. 展开更多
关键词 Intrusion detection graph neural networks attention mechanisms line graphs dynamic graph neural networks
在线阅读 下载PDF
Aspect-Level Sentiment Analysis of Bi-Graph Convolutional Networks Based on Enhanced Syntactic Structural Information
5
作者 Junpeng Hu Yegang Li 《Journal of Computer and Communications》 2025年第1期72-89,共18页
Aspect-oriented sentiment analysis is a meticulous sentiment analysis task that aims to analyse the sentiment polarity of specific aspects. Most of the current research builds graph convolutional networks based on dep... Aspect-oriented sentiment analysis is a meticulous sentiment analysis task that aims to analyse the sentiment polarity of specific aspects. Most of the current research builds graph convolutional networks based on dependent syntactic trees, which improves the classification performance of the models to some extent. However, the technical limitations of dependent syntactic trees can introduce considerable noise into the model. Meanwhile, it is difficult for a single graph convolutional network to aggregate both semantic and syntactic structural information of nodes, which affects the final sentence classification. To cope with the above problems, this paper proposes a bi-channel graph convolutional network model. The model introduces a phrase structure tree and transforms it into a hierarchical phrase matrix. The adjacency matrix of the dependent syntactic tree and the hierarchical phrase matrix are combined as the initial matrix of the graph convolutional network to enhance the syntactic information. The semantic information feature representations of the sentences are obtained by the graph convolutional network with a multi-head attention mechanism and fused to achieve complementary learning of dual-channel features. Experimental results show that the model performs well and improves the accuracy of sentiment classification on three public benchmark datasets, namely Rest14, Lap14 and Twitter. 展开更多
关键词 Aspect-Level Sentiment Analysis Sentiment Knowledge Multi-Head attention Mechanism graph Convolutional networks
在线阅读 下载PDF
Quantum decoder design for subsystem surface code based on multi-head graph attention and edge weighting
6
作者 Nai-Hua Ji Hui-Qian Sun +2 位作者 Bo Xiao Ping-Li Song Hong-Yang Ma 《Chinese Physics B》 2025年第2期165-176,共12页
Quantum error-correcting codes are essential for fault-tolerant quantum computing,as they effectively detect and correct noise-induced errors by distributing information across multiple physical qubits.The subsystem s... Quantum error-correcting codes are essential for fault-tolerant quantum computing,as they effectively detect and correct noise-induced errors by distributing information across multiple physical qubits.The subsystem surface code with three-qubit check operators demonstrates significant application potential due to its simplified measurement operations and low logical error rates.However,the existing minimum-weight perfect matching(MWPM)algorithm exhibits high computational complexity and lacks flexibility in large-scale systems.Therefore,this paper proposes a decoder based on a graph attention network(GAT),representing error syndromes as undirected graphs with edge weights,and employing a multihead attention mechanism to efficiently aggregate node features and enable parallel computation.Compared to MWPM,the GAT decoder exhibits linear growth in computational complexity,adapts to different quantum code structures,and demonstrates stronger robustness under high physical error rates.The experimental results demonstrate that the proposed decoder achieves an overall accuracy of 89.95%under various small code lattice sizes(L=2,3,4,5),with the logical error rate threshold increasing to 0.0078,representing an improvement of approximately 13.04%compared to the MWPM decoder.This result significantly outperforms traditional methods,showcasing superior performance under small code lattice sizes and providing a more efficient decoding solution for large-scale quantum error correction. 展开更多
关键词 quantum error correction graph attention network subsystem surface code circuit-level noise
在线阅读 下载PDF
SGP-GCN:A Spatial-Geological Perception Graph Convolutional Neural Network for Long-Term Petroleum Production Forecasting
7
作者 Xin Liu Meng Sun +1 位作者 Bo Lin Shibo Gu 《Energy Engineering》 2025年第3期1053-1072,共20页
Long-termpetroleum production forecasting is essential for the effective development andmanagement of oilfields.Due to its ability to extract complex patterns,deep learning has gained popularity for production forecas... Long-termpetroleum production forecasting is essential for the effective development andmanagement of oilfields.Due to its ability to extract complex patterns,deep learning has gained popularity for production forecasting.However,existing deep learning models frequently overlook the selective utilization of information from other production wells,resulting in suboptimal performance in long-term production forecasting across multiple wells.To achieve accurate long-term petroleum production forecast,we propose a spatial-geological perception graph convolutional neural network(SGP-GCN)that accounts for the temporal,spatial,and geological dependencies inherent in petroleum production.Utilizing the attention mechanism,the SGP-GCN effectively captures intricate correlations within production and geological data,forming the representations of each production well.Based on the spatial distances and geological feature correlations,we construct a spatial-geological matrix as the weight matrix to enable differential utilization of information from other wells.Additionally,a matrix sparsification algorithm based on production clustering(SPC)is also proposed to optimize the weight distribution within the spatial-geological matrix,thereby enhancing long-term forecasting performance.Empirical evaluations have shown that the SGP-GCN outperforms existing deep learning models,such as CNN-LSTM-SA,in long-term petroleum production forecasting.This demonstrates the potential of the SGP-GCN as a valuable tool for long-term petroleum production forecasting across multiple wells. 展开更多
关键词 Petroleum production forecast graph convolutional neural networks(GCNs) spatial-geological rela-tionships production clustering attention mechanism
在线阅读 下载PDF
Adaptive spatial-temporal graph attention network for traffic speed prediction
8
作者 ZHANG Xijun ZHANG Baoqi +2 位作者 ZHANG Hong NIE Shengyuan ZHANG Xianli 《High Technology Letters》 EI CAS 2024年第3期221-230,共10页
Considering the nonlinear structure and spatial-temporal correlation of traffic network,and the influence of potential correlation between nodes of traffic network on the spatial features,this paper proposes a traffic... Considering the nonlinear structure and spatial-temporal correlation of traffic network,and the influence of potential correlation between nodes of traffic network on the spatial features,this paper proposes a traffic speed prediction model based on the combination of graph attention network with self-adaptive adjacency matrix(SAdpGAT)and bidirectional gated recurrent unit(BiGRU).First-ly,the model introduces graph attention network(GAT)to extract the spatial features of real road network and potential road network respectively in spatial dimension.Secondly,the spatial features are input into BiGRU to extract the time series features.Finally,the prediction results of the real road network and the potential road network are connected to generate the final prediction results of the model.The experimental results show that the prediction accuracy of the proposed model is im-proved obviously on METR-LA and PEMS-BAY datasets,which proves the advantages of the pro-posed spatial-temporal model in traffic speed prediction. 展开更多
关键词 traffic speed prediction spatial-temporal correlation self-adaptive adjacency ma-trix graph attention network(gat) bidirectional gated recurrent unit(BiGRU)
在线阅读 下载PDF
Graph Attention Residual Network Based Routing and Fault-Tolerant Scheduling Mechanism for Data Flow in Power Communication Network
9
作者 Zhihong Lin Zeng Zeng +3 位作者 Yituan Yu Yinlin Ren Xuesong Qiu Jinqian Chen 《Computers, Materials & Continua》 SCIE EI 2024年第10期1641-1665,共25页
For permanent faults(PF)in the power communication network(PCN),such as link interruptions,the timesensitive networking(TSN)relied on by PCN,typically employs spatial redundancy fault-tolerance methods to keep service... For permanent faults(PF)in the power communication network(PCN),such as link interruptions,the timesensitive networking(TSN)relied on by PCN,typically employs spatial redundancy fault-tolerance methods to keep service stability and reliability,which often limits TSN scheduling performance in fault-free ideal states.So this paper proposes a graph attention residual network-based routing and fault-tolerant scheduling mechanism(GRFS)for data flow in PCN,which specifically includes a communication system architecture for integrated terminals based on a cyclic queuing and forwarding(CQF)model and fault recovery method,which reduces the impact of faults by simplified scheduling configurations of CQF and fault-tolerance of prioritizing the rerouting of faulty time-sensitive(TS)flows;considering that PF leading to changes in network topology is more appropriately solved by doing routing and time slot injection decisions hop-by-hop,and that reasonable network load can reduce the damage caused by PF and reserve resources for the rerouting of faulty TS flows,an optimization model for joint routing and scheduling is constructed with scheduling success rate as the objective,and with traffic latency and network load as constraints;to catch changes in TSN topology and traffic load,a D3QN algorithm based on a multi-head graph attention residual network(MGAR)is designed to solve the problem model,where the MGAR based encoder reconstructs the TSN status into feature embedding vectors,and a dueling network decoder performs decoding tasks on the reconstructed feature embedding vectors.Simulation results show that GRFS outperforms heuristic fault-tolerance algorithms and other benchmark schemes by approximately 10%in routing and scheduling success rate in ideal states and 5%in rerouting and rescheduling success rate in fault states. 展开更多
关键词 Time-sensitive network deep reinforcement learning graph attention network fault tolerance
在线阅读 下载PDF
The Short-Term Prediction ofWind Power Based on the Convolutional Graph Attention Deep Neural Network
10
作者 Fan Xiao Xiong Ping +4 位作者 Yeyang Li Yusen Xu Yiqun Kang Dan Liu Nianming Zhang 《Energy Engineering》 EI 2024年第2期359-376,共18页
The fluctuation of wind power affects the operating safety and power consumption of the electric power grid and restricts the grid connection of wind power on a large scale.Therefore,wind power forecasting plays a key... The fluctuation of wind power affects the operating safety and power consumption of the electric power grid and restricts the grid connection of wind power on a large scale.Therefore,wind power forecasting plays a key role in improving the safety and economic benefits of the power grid.This paper proposes a wind power predicting method based on a convolutional graph attention deep neural network with multi-wind farm data.Based on the graph attention network and attention mechanism,the method extracts spatial-temporal characteristics from the data of multiple wind farms.Then,combined with a deep neural network,a convolutional graph attention deep neural network model is constructed.Finally,the model is trained with the quantile regression loss function to achieve the wind power deterministic and probabilistic prediction based on multi-wind farm spatial-temporal data.A wind power dataset in the U.S.is taken as an example to demonstrate the efficacy of the proposed model.Compared with the selected baseline methods,the proposed model achieves the best prediction performance.The point prediction errors(i.e.,root mean square error(RMSE)and normalized mean absolute percentage error(NMAPE))are 0.304 MW and 1.177%,respectively.And the comprehensive performance of probabilistic prediction(i.e.,con-tinuously ranked probability score(CRPS))is 0.580.Thus,the significance of multi-wind farm data and spatial-temporal feature extraction module is self-evident. 展开更多
关键词 Format wind power prediction deep neural network graph attention network attention mechanism quantile regression
在线阅读 下载PDF
Carbon Emission Factors Prediction of Power Grid by Using Graph Attention Network
11
作者 Xin Shen Jiahao Li +3 位作者 YujunYin Jianlin Tang Weibin Lin Mi Zhou 《Energy Engineering》 EI 2024年第7期1945-1961,共17页
Advanced carbon emission factors of a power grid can provide users with effective carbon reduction advice,which is of immense importance in mobilizing the entire society to reduce carbon emissions.The method of calcul... Advanced carbon emission factors of a power grid can provide users with effective carbon reduction advice,which is of immense importance in mobilizing the entire society to reduce carbon emissions.The method of calculating node carbon emission factors based on the carbon emissions flow theory requires real-time parameters of a power grid.Therefore,it cannot provide carbon factor information beforehand.To address this issue,a prediction model based on the graph attention network is proposed.The model uses a graph structure that is suitable for the topology of the power grid and designs a supervised network using the loads of the grid nodes and the corresponding carbon factor data.The network extracts features and transmits information more suitable for the power system and can flexibly adjust the equivalent topology,thereby increasing the diversity of the structure.Its input and output data are simple,without the power grid parameters.We demonstrated its effect by testing IEEE-39 bus and IEEE-118 bus systems with average error rates of 2.46%and 2.51%. 展开更多
关键词 Predict carbon factors graph attention network prediction algorithm power grid operating parameters
在线阅读 下载PDF
Multi-Head Attention Spatial-Temporal Graph Neural Networks for Traffic Forecasting
12
作者 Xiuwei Hu Enlong Yu Xiaoyu Zhao 《Journal of Computer and Communications》 2024年第3期52-67,共16页
Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction acc... Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction accuracy of most existing models, which simply stack temporal and spatial modules and fail to capture spatial-temporal features effectively. To improve the prediction accuracy, a multi-head attention spatial-temporal graph neural network (MSTNet) is proposed in this paper. First, the traffic data is decomposed into unique time spans that conform to positive rules, and valuable traffic node attributes are mined through an adaptive graph structure. Second, time and spatial features are captured using a multi-head attention spatial-temporal module. Finally, a multi-step prediction module is used to achieve future traffic condition prediction. Numerical experiments were conducted on an open-source dataset, and the results demonstrate that MSTNet performs well in spatial-temporal feature extraction and achieves more positive forecasting results than the baseline methods. 展开更多
关键词 Traffic Prediction Intelligent Traffic System Multi-Head attention graph Neural networks
在线阅读 下载PDF
DHSEGATs:distance and hop-wise structures encoding enhanced graph attention networks 被引量:1
13
作者 HUANG Zhiguo 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2023年第2期350-359,共10页
Numerous works prove that existing neighbor-averaging graph neural networks(GNNs)cannot efficiently catch structure features,and many works show that injecting structure,distance,position,or spatial features can signi... Numerous works prove that existing neighbor-averaging graph neural networks(GNNs)cannot efficiently catch structure features,and many works show that injecting structure,distance,position,or spatial features can significantly improve the performance of GNNs,however,injecting high-level structure and distance into GNNs is an intuitive but untouched idea.This work sheds light on this issue and proposes a scheme to enhance graph attention networks(GATs)by encoding distance and hop-wise structure statistics.Firstly,the hop-wise structure and distributional distance information are extracted based on several hop-wise ego-nets of every target node.Secondly,the derived structure information,distance information,and intrinsic features are encoded into the same vector space and then added together to get initial embedding vectors.Thirdly,the derived embedding vectors are fed into GATs,such as GAT and adaptive graph diffusion network(AGDN)to get the soft labels.Fourthly,the soft labels are fed into correct and smooth(C&S)to conduct label propagation and get final predictions.Experiments show that the distance and hop-wise structures encoding enhanced graph attention networks(DHSEGATs)achieve a competitive result. 展开更多
关键词 graph attention network(gat) graph structure information label propagation
在线阅读 下载PDF
Air Pollution Prediction Via Graph Attention Network and Gated Recurrent Unit 被引量:1
14
作者 Shun Wang Lin Qiao +3 位作者 Wei Fang Guodong Jing Victor S.Sheng Yong Zhang 《Computers, Materials & Continua》 SCIE EI 2022年第10期673-687,共15页
PM2.5 concentration prediction is of great significance to environmental protection and human health.Achieving accurate prediction of PM2.5 concentration has become an important research task.However,PM2.5 pollutants ... PM2.5 concentration prediction is of great significance to environmental protection and human health.Achieving accurate prediction of PM2.5 concentration has become an important research task.However,PM2.5 pollutants can spread in the earth’s atmosphere,causing mutual influence between different cities.To effectively capture the air pollution relationship between cities,this paper proposes a novel spatiotemporal model combining graph attention neural network(GAT)and gated recurrent unit(GRU),named GAT-GRU for PM2.5 concentration prediction.Specifically,GAT is used to learn the spatial dependence of PM2.5 concentration data in different cities,and GRU is to extract the temporal dependence of the long-term data series.The proposed model integrates the learned spatio-temporal dependencies to capture long-term complex spatio-temporal features.Considering that air pollution is related to the meteorological conditions of the city,the knowledge acquired from meteorological data is used in the model to enhance PM2.5 prediction performance.The input of the GAT-GRU model consists of PM2.5 concentration data and meteorological data.In order to verify the effectiveness of the proposed GAT-GRU prediction model,this paper designs experiments on real-world datasets compared with other baselines.Experimental results prove that our model achieves excellent performance in PM2.5 concentration prediction. 展开更多
关键词 Air pollution prediction deep learning spatiotemporal data modeling graph attention network
在线阅读 下载PDF
基于GAT的矿用高压断路器故障诊断
15
作者 惠阿丽 秦祺 +2 位作者 李瑞 荣相 魏礼鹏 《煤矿机械》 2025年第3期174-177,共4页
为推进矿用高压断路器状态检修的发展和准确迅速识别故障,针对目前矿用高压断路器故障诊断对原始数据的利用程度有限和忽略了故障样本之间的联系的问题,提出一种基于图注意力网络(GAT)的高压断路器故障诊断方法。将采集到的高压断路器... 为推进矿用高压断路器状态检修的发展和准确迅速识别故障,针对目前矿用高压断路器故障诊断对原始数据的利用程度有限和忽略了故障样本之间的联系的问题,提出一种基于图注意力网络(GAT)的高压断路器故障诊断方法。将采集到的高压断路器原始振动信号构建为K近邻图,通过K近邻图来建立故障样本之间的联系;把K近邻图输入到GAT中提取其故障特征,从而实现高压断路器故障诊断。实验结果表明,该方法识别准确率达到98.74%,可以有效实现端到端的矿用高压断路器故障诊断。 展开更多
关键词 高压断路器 K近邻图 gat 注意力机制 故障诊断
在线阅读 下载PDF
An Intelligent Framework for Resilience Recovery of FANETs with Spatio-Temporal Aggregation and Multi-Head Attention Mechanism 被引量:1
16
作者 Zhijun Guo Yun Sun +2 位作者 YingWang Chaoqi Fu Jilong Zhong 《Computers, Materials & Continua》 SCIE EI 2024年第5期2375-2398,共24页
Due to the time-varying topology and possible disturbances in a conflict environment,it is still challenging to maintain the mission performance of flying Ad hoc networks(FANET),which limits the application of Unmanne... Due to the time-varying topology and possible disturbances in a conflict environment,it is still challenging to maintain the mission performance of flying Ad hoc networks(FANET),which limits the application of Unmanned Aerial Vehicle(UAV)swarms in harsh environments.This paper proposes an intelligent framework to quickly recover the cooperative coveragemission by aggregating the historical spatio-temporal network with the attention mechanism.The mission resilience metric is introduced in conjunction with connectivity and coverage status information to simplify the optimization model.A spatio-temporal node pooling method is proposed to ensure all node location features can be updated after destruction by capturing the temporal network structure.Combined with the corresponding Laplacian matrix as the hyperparameter,a recovery algorithm based on the multi-head attention graph network is designed to achieve rapid recovery.Simulation results showed that the proposed framework can facilitate rapid recovery of the connectivity and coverage more effectively compared to the existing studies.The results demonstrate that the average connectivity and coverage results is improved by 17.92%and 16.96%,respectively compared with the state-of-the-art model.Furthermore,by the ablation study,the contributions of each different improvement are compared.The proposed model can be used to support resilient network design for real-time mission execution. 展开更多
关键词 RESILIENCE cooperative mission FANET spatio-temporal node pooling multi-head attention graph network
在线阅读 下载PDF
Dynamic interwell connectivity analysis of multi-layer waterflooding reservoirs based on an improved graph neural network
17
作者 Zhao-Qin Huang Zhao-Xu Wang +4 位作者 Hui-Fang Hu Shi-Ming Zhang Yong-Xing Liang Qi Guo Jun Yao 《Petroleum Science》 SCIE EI CAS CSCD 2024年第2期1062-1080,共19页
The analysis of interwell connectivity plays an important role in the formulation of oilfield development plans and the description of residual oil distribution. In fact, sandstone reservoirs in China's onshore oi... The analysis of interwell connectivity plays an important role in the formulation of oilfield development plans and the description of residual oil distribution. In fact, sandstone reservoirs in China's onshore oilfields generally have the characteristics of thin and many layers, so multi-layer joint production is usually adopted. It remains a challenge to ensure the accuracy of splitting and dynamic connectivity in each layer of the injection-production wells with limited field data. The three-dimensional well pattern of multi-layer reservoir and the relationship between injection-production wells can be equivalent to a directional heterogeneous graph. In this paper, an improved graph neural network is proposed to construct an interacting process mimics the real interwell flow regularity. In detail, this method is used to split injection and production rates by combining permeability, porosity and effective thickness, and to invert the dynamic connectivity in each layer of the injection-production wells by attention mechanism.Based on the material balance and physical information, the overall connectivity from the injection wells,through the water injection layers to the production layers and the output of final production wells is established. Meanwhile, the change of well pattern caused by perforation, plugging and switching of wells at different times is achieved by updated graph structure in spatial and temporal ways. The effectiveness of the method is verified by a combination of reservoir numerical simulation examples and field example. The method corresponds to the actual situation of the reservoir, has wide adaptability and low cost, has good practical value, and provides a reference for adjusting the injection-production relationship of the reservoir and the development of the remaining oil. 展开更多
关键词 graph neural network Dynamic interwell connectivity Production-injection splitting attention mechanism Multi-layer reservoir
在线阅读 下载PDF
Adaptive Graph Convolutional Adjacency Matrix Network for Video Summarization
18
作者 Jing Zhang Guangli Wu Shanshan Song 《Computers, Materials & Continua》 SCIE EI 2024年第8期1947-1965,共19页
Video summarization aims to select key frames or key shots to create summaries for fast retrieval,compression,and efficient browsing of videos.Graph neural networks efficiently capture information about graph nodes an... Video summarization aims to select key frames or key shots to create summaries for fast retrieval,compression,and efficient browsing of videos.Graph neural networks efficiently capture information about graph nodes and their neighbors,but ignore the dynamic dependencies between nodes.To address this challenge,we propose an innovative Adaptive Graph Convolutional Adjacency Matrix Network(TAMGCN),leveraging the attention mechanism to dynamically adjust dependencies between graph nodes.Specifically,we first segment shots and extract features of each frame,then compute the representative features of each shot.Subsequently,we utilize the attention mechanism to dynamically adjust the adjacency matrix of the graph convolutional network to better capture the dynamic dependencies between graph nodes.Finally,we fuse temporal features extracted by Bi-directional Long Short-Term Memory network with structural features extracted by the graph convolutional network to generate high-quality summaries.Extensive experiments are conducted on two benchmark datasets,TVSum and SumMe,yielding F1-scores of 60.8%and 53.2%,respectively.Experimental results demonstrate that our method outperforms most state-of-the-art video summarization techniques. 展开更多
关键词 attention mechanism deep learning graph neural network key-shot video summarization
在线阅读 下载PDF
Recommendation System Based on Perceptron and Graph Convolution Network
19
作者 Zuozheng Lian Yongchao Yin Haizhen Wang 《Computers, Materials & Continua》 SCIE EI 2024年第6期3939-3954,共16页
The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combinatio... The relationship between users and items,which cannot be recovered by traditional techniques,can be extracted by the recommendation algorithm based on the graph convolution network.The current simple linear combination of these algorithms may not be sufficient to extract the complex structure of user interaction data.This paper presents a new approach to address such issues,utilizing the graph convolution network to extract association relations.The proposed approach mainly includes three modules:Embedding layer,forward propagation layer,and score prediction layer.The embedding layer models users and items according to their interaction information and generates initial feature vectors as input for the forward propagation layer.The forward propagation layer designs two parallel graph convolution networks with self-connections,which extract higher-order association relevance from users and items separately by multi-layer graph convolution.Furthermore,the forward propagation layer integrates the attention factor to assign different weights among the hop neighbors of the graph convolution network fusion,capturing more comprehensive association relevance between users and items as input for the score prediction layer.The score prediction layer introduces MLP(multi-layer perceptron)to conduct non-linear feature interaction between users and items,respectively.Finally,the prediction score of users to items is obtained.The recall rate and normalized discounted cumulative gain were used as evaluation indexes.The proposed approach effectively integrates higher-order information in user entries,and experimental analysis demonstrates its superiority over the existing algorithms. 展开更多
关键词 Recommendation system graph convolution network attention mechanism multi-layer perceptron
在线阅读 下载PDF
Predicting Traffic Flow Using Dynamic Spatial-Temporal Graph Convolution Networks
20
作者 Yunchang Liu Fei Wan Chengwu Liang 《Computers, Materials & Continua》 SCIE EI 2024年第3期4343-4361,共19页
Traffic flow prediction plays a key role in the construction of intelligent transportation system.However,due to its complex spatio-temporal dependence and its uncertainty,the research becomes very challenging.Most of... Traffic flow prediction plays a key role in the construction of intelligent transportation system.However,due to its complex spatio-temporal dependence and its uncertainty,the research becomes very challenging.Most of the existing studies are based on graph neural networks that model traffic flow graphs and try to use fixed graph structure to deal with the relationship between nodes.However,due to the time-varying spatial correlation of the traffic network,there is no fixed node relationship,and these methods cannot effectively integrate the temporal and spatial features.This paper proposes a novel temporal-spatial dynamic graph convolutional network(TSADGCN).The dynamic time warping algorithm(DTW)is introduced to calculate the similarity of traffic flow sequence among network nodes in the time dimension,and the spatiotemporal graph of traffic flow is constructed to capture the spatiotemporal characteristics and dependencies of traffic flow.By combining graph attention network and time attention network,a spatiotemporal convolution block is constructed to capture spatiotemporal characteristics of traffic data.Experiments on open data sets PEMSD4 and PEMSD8 show that TSADGCN has higher prediction accuracy than well-known traffic flow prediction algorithms. 展开更多
关键词 Intelligent transportation graph convolutional network traffic flow DTW algorithm attention mechanism
在线阅读 下载PDF
上一页 1 2 63 下一页 到第
使用帮助 返回顶部