期刊文献+
共找到115篇文章
< 1 2 6 >
每页显示 20 50 100
Multi-Head Attention Spatial-Temporal Graph Neural Networks for Traffic Forecasting
1
作者 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
Model Agnostic Meta-Learning(MAML)-Based Ensemble Model for Accurate Detection of Wheat Diseases Using Vision Transformer and Graph Neural Networks
2
作者 Yasir Maqsood Syed Muhammad Usman +3 位作者 Musaed Alhussein Khursheed Aurangzeb Shehzad Khalid Muhammad Zubair 《Computers, Materials & Continua》 SCIE EI 2024年第5期2795-2811,共17页
Wheat is a critical crop,extensively consumed worldwide,and its production enhancement is essential to meet escalating demand.The presence of diseases like stem rust,leaf rust,yellow rust,and tan spot significantly di... Wheat is a critical crop,extensively consumed worldwide,and its production enhancement is essential to meet escalating demand.The presence of diseases like stem rust,leaf rust,yellow rust,and tan spot significantly diminishes wheat yield,making the early and precise identification of these diseases vital for effective disease management.With advancements in deep learning algorithms,researchers have proposed many methods for the automated detection of disease pathogens;however,accurately detectingmultiple disease pathogens simultaneously remains a challenge.This challenge arises due to the scarcity of RGB images for multiple diseases,class imbalance in existing public datasets,and the difficulty in extracting features that discriminate between multiple classes of disease pathogens.In this research,a novel method is proposed based on Transfer Generative Adversarial Networks for augmenting existing data,thereby overcoming the problems of class imbalance and data scarcity.This study proposes a customized architecture of Vision Transformers(ViT),where the feature vector is obtained by concatenating features extracted from the custom ViT and Graph Neural Networks.This paper also proposes a Model AgnosticMeta Learning(MAML)based ensemble classifier for accurate classification.The proposedmodel,validated on public datasets for wheat disease pathogen classification,achieved a test accuracy of 99.20%and an F1-score of 97.95%.Compared with existing state-of-the-art methods,this proposed model outperforms in terms of accuracy,F1-score,and the number of disease pathogens detection.In future,more diseases can be included for detection along with some other modalities like pests and weed. 展开更多
关键词 Wheat disease detection deep learning vision transformer graph neural network model agnostic meta learning
下载PDF
Identification of Anomaly Scenes in Videos Using Graph Neural Networks
3
作者 Khalid Masood Mahmoud M.Al-Sakhnini +3 位作者 Waqas Nawaz Tauqeer Faiz Abdul Salam Mohammad Hamza Kashif 《Computers, Materials & Continua》 SCIE EI 2023年第3期5417-5430,共14页
Generally,conventional methods for anomaly detection rely on clustering,proximity,or classification.With themassive growth in surveillance videos,outliers or anomalies find ingenious ways to obscure themselves in the ... Generally,conventional methods for anomaly detection rely on clustering,proximity,or classification.With themassive growth in surveillance videos,outliers or anomalies find ingenious ways to obscure themselves in the network and make conventional techniques inefficient.This research explores the structure of Graph neural networks(GNNs)that generalize deep learning frameworks to graph-structured data.Every node in the graph structure is labeled and anomalies,represented by unlabeled nodes,are predicted by performing random walks on the node-based graph structures.Due to their strong learning abilities,GNNs gained popularity in various domains such as natural language processing,social network analytics and healthcare.Anomaly detection is a challenging task in computer vision but the proposed algorithm using GNNs efficiently performs the identification of anomalies.The Graph-based deep learning networks are designed to predict unknown objects and outliers.In our case,they detect unusual objects in the form of malicious nodes.The edges between nodes represent a relationship of nodes among each other.In case of anomaly,such as the bike rider in Pedestrians data,the rider node has a negative value for the edge and it is identified as an anomaly.The encoding and decoding layers are crucial for determining how statistical measurements affect anomaly identification and for correcting the graph path to the best possible outcome.Results show that the proposed framework is a step ahead of the traditional approaches in detecting unusual activities,which shows a huge potential in automatically monitoring surveillance videos.Performing autonomous monitoring of CCTV,crime control and damage or destruction by a group of people or crowd can be identified and alarms may be triggered in unusual activities in streets or public places.The suggested GNN model improves accuracy by 4%for the Pedestrian 2 dataset and 12%for the Pedestrian 1 dataset compared to a few state-of the-art techniques. 展开更多
关键词 graph neural network deep learning anomaly detection auto encoders
下载PDF
Collision-aware interactive simulation using graph neural networks
4
作者 Xin Zhu Yinling Qian +2 位作者 Qiong Wang Ziliang Feng Pheng‑Ann Heng 《Visual Computing for Industry,Biomedicine,and Art》 EI 2022年第1期174-186,共13页
Deep simulations have gained widespread attention owing to their excellent acceleration performances.However,these methods cannot provide effective collision detection and response strategies.We propose a deep interac... Deep simulations have gained widespread attention owing to their excellent acceleration performances.However,these methods cannot provide effective collision detection and response strategies.We propose a deep interac-tive physical simulation framework that can effectively address tool-object collisions.The framework can predict the dynamic information by considering the collision state.In particular,the graph neural network is chosen as the base model,and a collision-aware recursive regression module is introduced to update the network parameters recursively using interpenetration distances calculated from the vertex-face and edge-edge tests.Additionally,a novel self-supervised collision term is introduced to provide a more compact collision response.This study extensively evaluates the proposed method and shows that it effectively reduces interpenetration artifacts while ensuring high simulation efficiency. 展开更多
关键词 Deep physical simulation Collision-aware Continuous collision detection graph neural network
下载PDF
GraphFlow+:Exploiting Conversation Flow in Conversational Machine Comprehension with Graph Neural Networks
5
作者 Jing Hu Lingfei Wu +2 位作者 Yu Chen Po Hu Mohammed J.Zaki 《Machine Intelligence Research》 EI CSCD 2024年第2期272-282,共11页
The conversation machine comprehension(MC)task aims to answer questions in the multi-turn conversation for a single passage.However,recent approaches don’t exploit information from historical conversations effectivel... The conversation machine comprehension(MC)task aims to answer questions in the multi-turn conversation for a single passage.However,recent approaches don’t exploit information from historical conversations effectively,which results in some references and ellipsis in the current question cannot be recognized.In addition,these methods do not consider the rich semantic relationships between words when reasoning about the passage text.In this paper,we propose a novel model GraphFlow+,which constructs a context graph for each conversation turn and uses a unique recurrent graph neural network(GNN)to model the temporal dependencies between the context graphs of each turn.Specifically,we exploit three different ways to construct text graphs,including the dynamic graph,static graph,and hybrid graph that combines the two.Our experiments on CoQA,QuAC and DoQA show that the GraphFlow+model can outperform the state-of-the-art approaches. 展开更多
关键词 Conversational machine comprehension(MC) reading comprehension question answering graph neural networks(GNNs) natural language processing(NLP)
原文传递
Corporate Credit Ratings Based on Hierarchical Heterogeneous Graph Neural Networks
6
作者 Bo-Jing Feng Xi Cheng +1 位作者 Hao-Nan Xu Wen-Fang Xue 《Machine Intelligence Research》 EI CSCD 2024年第2期257-271,共15页
order to help investors understand the credit status of target corporations and reduce investment risks,the corporate credit rating model has become an important evaluation tool in the financial market.These models ar... order to help investors understand the credit status of target corporations and reduce investment risks,the corporate credit rating model has become an important evaluation tool in the financial market.These models are based on statistical learning,machine learning and deep learning especially graph neural networks(GNNs).However,we found that only few models take the hierarchy,heterogeneity or unlabeled data into account in the actual corporate credit rating process.Therefore,we propose a novel framework named hierarchical heterogeneous graph neural networks(HHGNN),which can fully model the hierarchy of corporate features and the heterogeneity of relationships between corporations.In addition,we design an adversarial learning block to make full use of the rich unlabeled samples in the financial data.Extensive experiments conducted on the public-listed corporate rating dataset prove that HHGNN achieves SOTA compared to the baseline methods. 展开更多
关键词 Corporate credit rating hierarchical relation heterogeneous graph neural networks adversarial learning
原文传递
Towards adaptive graph neural networks via solving prior-data conflicts
7
作者 Xugang WU Huijun WU +2 位作者 Ruibo WANG Xu ZHOU Kai LU 《Frontiers of Information Technology & Electronic Engineering》 SCIE EI CSCD 2024年第3期369-383,共15页
Graph neural networks(GNNs)have achieved remarkable performance in a variety of graph-related tasks.Recent evidence in the GNN community shows that such good performance can be attributed to the homophily prior;i.e.,c... Graph neural networks(GNNs)have achieved remarkable performance in a variety of graph-related tasks.Recent evidence in the GNN community shows that such good performance can be attributed to the homophily prior;i.e.,connected nodes tend to have similar features and labels.However,in heterophilic settings where the features of connected nodes may vary significantly,GNN models exhibit notable performance deterioration.In this work,we formulate this problem as prior-data confict and propose a model called the mixture-prior graph neural network(MPGNN).First,to address the mismatch of homophily prior on heterophilic graphs,we introduce the non-informative prior,which makes no assumptions about the relationship between connected nodes and learns such relationship from the data.Second,to avoid performance degradation on homophilic graphs,we implement a soft switch to balance the effects of homophily prior and non-informative prior by learnable weights.We evaluate the performance of MPGNN on both synthetic and real-world graphs.Results show that MPGNN can effectively capture the relationship between connected nodes,while the soft switch helps select a suitable prior according to the graph characteristics.With these two designs,MPGNN outperforms state-of-the-art methods on heterophilic graphs without sacrificing performance on homophilic graphs. 展开更多
关键词 graph neural networks Heterophily Prior-data conflict
原文传递
An End-To-End Hyperbolic Deep Graph Convolutional Neural Network Framework
8
作者 Yuchen Zhou Hongtao Huo +5 位作者 Zhiwen Hou Lingbin Bu Yifan Wang Jingyi Mao Xiaojun Lv Fanliang Bu 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第4期537-563,共27页
Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to sca... Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to scale-free graphs with power-law distributions,resulting in substantial distortions.Moreover,most of the existing GCN models are shallow structures,which restricts their ability to capture dependencies among distant nodes and more refined high-order node features in scale-free graphs with hierarchical structures.To more broadly and precisely apply GCNs to real-world graphs exhibiting scale-free or hierarchical structures and utilize multi-level aggregation of GCNs for capturing high-level information in local representations,we propose the Hyperbolic Deep Graph Convolutional Neural Network(HDGCNN),an end-to-end deep graph representation learning framework that can map scale-free graphs from Euclidean space to hyperbolic space.In HDGCNN,we define the fundamental operations of deep graph convolutional neural networks in hyperbolic space.Additionally,we introduce a hyperbolic feature transformation method based on identity mapping and a dense connection scheme based on a novel non-local message passing framework.In addition,we present a neighborhood aggregation method that combines initial structural featureswith hyperbolic attention coefficients.Through the above methods,HDGCNN effectively leverages both the structural features and node features of graph data,enabling enhanced exploration of non-local structural features and more refined node features in scale-free or hierarchical graphs.Experimental results demonstrate that HDGCNN achieves remarkable performance improvements over state-ofthe-art GCNs in node classification and link prediction tasks,even when utilizing low-dimensional embedding representations.Furthermore,when compared to shallow hyperbolic graph convolutional neural network models,HDGCNN exhibits notable advantages and performance enhancements. 展开更多
关键词 graph neural networks hyperbolic graph convolutional neural networks deep graph convolutional neural networks message passing framework
下载PDF
GACP:graph neural networks with ARMA flters and a parallel CNN for hyperspectral image classification
9
作者 Jing Yang Jie Sun +3 位作者 Yaping Ren Shaobo Li Shujie Ding Jianjun Hu 《International Journal of Digital Earth》 SCIE EI 2023年第1期1770-1800,共31页
In recent years,the use of convolutional neural networks(CNNs)and graph neural networks(GNNs)to identify hyperspectral images(HSIs)has achieved excellent results,and such methods are widely used in agricultural remote... In recent years,the use of convolutional neural networks(CNNs)and graph neural networks(GNNs)to identify hyperspectral images(HSIs)has achieved excellent results,and such methods are widely used in agricultural remote sensing,geological exploration,and marine remote sensing.Although many generalization classification algorithms are designed for the purpose of learning a small number of samples,there is often a problem of a low utilization rate of position information in the empty spectral domain.Based on this,a GNN with an autoregressive moving average(ARMA)-based smoothingfilter samples the node information in the null spectral domain and then captures the spatial information at the pixel level via spatial feature convolution;then,the null spectral domain position information lost by the CNN is located by a coordinate attention(CA)mechanism.Finally,autoregressive,spatial convolution,and CA mechanisms are combined into multiscale features to enhance the learning capacity of the network for tiny samples.Experiments conducted on the widely used Indian Pines(IP)dataset,the Botswana(BS)dataset,Houton 2013(H2013),and the WHU-Hi-HongHu(WHU)benchmark HSI dataset demonstrate that the proposed GACP technique can perform classification work with good accuracy even with a small number of training examples. 展开更多
关键词 graph neural networks word convolutional neural networks hyperspectral image classification attention mechanisms
原文传递
Learning to Branch in Combinatorial Optimization With Graph Pointer Networks
10
作者 Rui Wang Zhiming Zhou +4 位作者 Kaiwen Li Tao Zhang Ling Wang Xin Xu Xiangke Liao 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第1期157-169,共13页
Traditional expert-designed branching rules in branch-and-bound(B&B) are static, often failing to adapt to diverse and evolving problem instances. Crafting these rules is labor-intensive, and may not scale well wi... Traditional expert-designed branching rules in branch-and-bound(B&B) are static, often failing to adapt to diverse and evolving problem instances. Crafting these rules is labor-intensive, and may not scale well with complex problems.Given the frequent need to solve varied combinatorial optimization problems, leveraging statistical learning to auto-tune B&B algorithms for specific problem classes becomes attractive. This paper proposes a graph pointer network model to learn the branch rules. Graph features, global features and historical features are designated to represent the solver state. The graph neural network processes graph features, while the pointer mechanism assimilates the global and historical features to finally determine the variable on which to branch. The model is trained to imitate the expert strong branching rule by a tailored top-k Kullback-Leibler divergence loss function. Experiments on a series of benchmark problems demonstrate that the proposed approach significantly outperforms the widely used expert-designed branching rules. It also outperforms state-of-the-art machine-learning-based branch-and-bound methods in terms of solving speed and search tree size on all the test instances. In addition, the model can generalize to unseen instances and scale to larger instances. 展开更多
关键词 Branch-and-bound(B&B) combinatorial optimization deep learning graph neural network imitation learning
下载PDF
Heterophilic Graph Neural Network Based on Spatial and Frequency Domain Adaptive Embedding Mechanism
11
作者 Lanze Zhang Yijun Gu Jingjie Peng 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第5期1701-1731,共31页
Graph Neural Networks(GNNs)play a significant role in tasks related to homophilic graphs.Traditional GNNs,based on the assumption of homophily,employ low-pass filters for neighboring nodes to achieve information aggre... Graph Neural Networks(GNNs)play a significant role in tasks related to homophilic graphs.Traditional GNNs,based on the assumption of homophily,employ low-pass filters for neighboring nodes to achieve information aggregation and embedding.However,in heterophilic graphs,nodes from different categories often establish connections,while nodes of the same category are located further apart in the graph topology.This characteristic poses challenges to traditional GNNs,leading to issues of“distant node modeling deficiency”and“failure of the homophily assumption”.In response,this paper introduces the Spatial-Frequency domain Adaptive Heterophilic Graph Neural Networks(SFA-HGNN),which integrates adaptive embedding mechanisms for both spatial and frequency domains to address the aforementioned issues.Specifically,for the first problem,we propose the“Distant Spatial Embedding Module”,aiming to select and aggregate distant nodes through high-order randomwalk transition probabilities to enhance modeling capabilities.For the second issue,we design the“Proximal Frequency Domain Embedding Module”,constructing adaptive filters to separate high and low-frequency signals of nodes,and introduce frequency-domain guided attention mechanisms to fuse the relevant information,thereby reducing the noise introduced by the failure of the homophily assumption.We deploy the SFA-HGNN on six publicly available heterophilic networks,achieving state-of-the-art results in four of them.Furthermore,we elaborate on the hyperparameter selection mechanism and validate the performance of each module through experimentation,demonstrating a positive correlation between“node structural similarity”,“node attribute vector similarity”,and“node homophily”in heterophilic networks. 展开更多
关键词 Heterophilic graph graph neural network graph representation learning failure of the homophily assumption
下载PDF
Weighted Forwarding in Graph Convolution Networks for Recommendation Information Systems
12
作者 Sang-min Lee Namgi Kim 《Computers, Materials & Continua》 SCIE EI 2024年第2期1897-1914,共18页
Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been ... Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been employed to implement the RIS efficiently.However,the GCN algorithm faces limitations in terms of performance enhancement owing to the due to the embedding value-vanishing problem that occurs during the learning process.To address this issue,we propose a Weighted Forwarding method using the GCN(WF-GCN)algorithm.The proposed method involves multiplying the embedding results with different weights for each hop layer during graph learning.By applying the WF-GCN algorithm,which adjusts weights for each hop layer before forwarding to the next,nodes with many neighbors achieve higher embedding values.This approach facilitates the learning of more hop layers within the GCN framework.The efficacy of the WF-GCN was demonstrated through its application to various datasets.In the MovieLens dataset,the implementation of WF-GCN in LightGCN resulted in significant performance improvements,with recall and NDCG increasing by up to+163.64%and+132.04%,respectively.Similarly,in the Last.FM dataset,LightGCN using WF-GCN enhanced with WF-GCN showed substantial improvements,with the recall and NDCG metrics rising by up to+174.40%and+169.95%,respectively.Furthermore,the application of WF-GCN to Self-supervised Graph Learning(SGL)and Simple Graph Contrastive Learning(SimGCL)also demonstrated notable enhancements in both recall and NDCG across these datasets. 展开更多
关键词 Deep learning graph neural network graph convolution network graph convolution network model learning method recommender information systems
下载PDF
Graph Convolutional Networks Embedding Textual Structure Information for Relation Extraction
13
作者 Chuyuan Wei Jinzhe Li +2 位作者 Zhiyuan Wang Shanshan Wan Maozu Guo 《Computers, Materials & Continua》 SCIE EI 2024年第5期3299-3314,共16页
Deep neural network-based relational extraction research has made significant progress in recent years,andit provides data support for many natural language processing downstream tasks such as building knowledgegraph,... Deep neural network-based relational extraction research has made significant progress in recent years,andit provides data support for many natural language processing downstream tasks such as building knowledgegraph,sentiment analysis and question-answering systems.However,previous studies ignored much unusedstructural information in sentences that could enhance the performance of the relation extraction task.Moreover,most existing dependency-based models utilize self-attention to distinguish the importance of context,whichhardly deals withmultiple-structure information.To efficiently leverage multiple structure information,this paperproposes a dynamic structure attention mechanism model based on textual structure information,which deeplyintegrates word embedding,named entity recognition labels,part of speech,dependency tree and dependency typeinto a graph convolutional network.Specifically,our model extracts text features of different structures from theinput sentence.Textual Structure information Graph Convolutional Networks employs the dynamic structureattention mechanism to learn multi-structure attention,effectively distinguishing important contextual features invarious structural information.In addition,multi-structure weights are carefully designed as amergingmechanismin the different structure attention to dynamically adjust the final attention.This paper combines these featuresand trains a graph convolutional network for relation extraction.We experiment on supervised relation extractiondatasets including SemEval 2010 Task 8,TACRED,TACREV,and Re-TACED,the result significantly outperformsthe previous. 展开更多
关键词 Relation extraction graph convolutional neural networks dependency tree dynamic structure attention
下载PDF
Power flow forecasts at transmission grid nodes using Graph Neural Networks
14
作者 Dominik Beinert Clara Holzhuter +1 位作者 Josephine M.Thomas Stephan Vogt 《Energy and AI》 2023年第4期189-200,共12页
The increasing share of renewable energy in the electricity grid and progressing changes in power consumption have led to fluctuating,and weather-dependent power flows.To ensure grid stability,grid operators rely on p... The increasing share of renewable energy in the electricity grid and progressing changes in power consumption have led to fluctuating,and weather-dependent power flows.To ensure grid stability,grid operators rely on power forecasts which are crucial for grid calculations and planning.In this paper,a Multi-Task Learning approach is combined with a Graph Neural Network(GNN)to predict vertical power flows at transformers connecting high and extra-high voltage levels.The proposed method accounts for local differences in power flow characteristics by using an Embedding Multi-Task Learning approach.The use of a Bayesian embedding to capture the latent node characteristics allows to share the weights across all transformers in the subsequent node-invariant GNN while still allowing the individual behavioral patterns of the transformers to be distinguished.At the same time,dependencies between transformers are considered by the GNN architecture which can learn relationships between different transformers and thus take into account that power flows in an electricity network are not independent from each other.The effectiveness of the proposed method is demonstrated through evaluation on two real-world data sets provided by two of four German Transmission System Operators,comprising large portions of the operated German transmission grid.The results show that the proposed Multi-Task Graph Neural Network is a suitable representation learner for electricity networks with a clear advantage provided by the preceding embedding layer.It is able to capture interconnections between correlated transformers and indeed improves the performance in power flow prediction compared to standard Neural Networks.A sign test shows that the proposed model reduces the test RMSE on both data sets compared to the benchmark models significantly. 展开更多
关键词 Power flow forecasting graph neural Network graph Convolutional Network Embedding Multi-Task Learning
原文传递
A Graph Neural Network Recommendation Based on Long-and Short-Term Preference
15
作者 Bohuai Xiao Xiaolan Xie Chengyong Yang 《Computer Systems Science & Engineering》 SCIE EI 2023年第12期3067-3082,共16页
The recommendation system(RS)on the strength of Graph Neural Networks(GNN)perceives a user-item interaction graph after collecting all items the user has interacted with.Afterward the RS performs neighborhood aggregat... The recommendation system(RS)on the strength of Graph Neural Networks(GNN)perceives a user-item interaction graph after collecting all items the user has interacted with.Afterward the RS performs neighborhood aggregation on the graph to generate long-term preference representations for the user in quick succession.However,user preferences are dynamic.With the passage of time and some trend guidance,users may generate some short-term preferences,which are more likely to lead to user-item interactions.A GNN recommendation based on long-and short-term preference(LSGNN)is proposed to address the above problems.LSGNN consists of four modules,using a GNN combined with the attention mechanism to extract long-term preference features,using Bidirectional Encoder Representation from Transformers(BERT)and the attention mechanism combined with Bi-Directional Gated Recurrent Unit(Bi-GRU)to extract short-term preference features,using Convolutional Neural Network(CNN)combined with the attention mechanism to add title and description representations of items,finally inner-producing long-term and short-term preference features as well as features of items to achieve recommendations.In experiments conducted on five publicly available datasets from Amazon,LSGNN is superior to state-of-the-art personalized recommendation techniques. 展开更多
关键词 Recommendation systems graph neural networks deep learning data mining
下载PDF
Smart Contract Vulnerability Detection Method Based on Feature Graph and Multiple Attention Mechanisms
16
作者 Zhenxiang He Zhenyu Zhao +1 位作者 Ke Chen Yanlin Liu 《Computers, Materials & Continua》 SCIE EI 2024年第5期3023-3045,共23页
The fast-paced development of blockchain technology is evident.Yet,the security concerns of smart contracts represent a significant challenge to the stability and dependability of the entire blockchain ecosystem.Conve... The fast-paced development of blockchain technology is evident.Yet,the security concerns of smart contracts represent a significant challenge to the stability and dependability of the entire blockchain ecosystem.Conventional smart contract vulnerability detection primarily relies on static analysis tools,which are less efficient and accurate.Although deep learning methods have improved detection efficiency,they are unable to fully utilize the static relationships within contracts.Therefore,we have adopted the advantages of the above two methods,combining feature extraction mode of tools with deep learning techniques.Firstly,we have constructed corresponding feature extraction mode for different vulnerabilities,which are used to extract feature graphs from the source code of smart contracts.Then,the node features in feature graphs are fed into a graph convolutional neural network for training,and the edge features are processed using a method that combines attentionmechanismwith gated units.Ultimately,the revised node features and edge features are concatenated through amulti-head attentionmechanism.The result of the splicing is a global representation of the entire feature graph.Our method was tested on three types of data:Timestamp vulnerabilities,reentrancy vulnerabilities,and access control vulnerabilities,where the F1 score of our method reaches 84.63%,92.55%,and 61.36%.The results indicate that our method surpasses most others in detecting smart contract vulnerabilities. 展开更多
关键词 Blockchain smart contracts deep learning graph neural networks
下载PDF
Deep hybrid: Multi-graph neural network collaboration for hyperspectral image classification 被引量:1
17
作者 Ding Yao Zhang Zhi-li +4 位作者 Zhao Xiao-feng Cai Wei He Fang Cai Yao-ming Wei-Wei Cai 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2023年第5期164-176,共13页
With limited number of labeled samples,hyperspectral image(HSI)classification is a difficult Problem in current research.The graph neural network(GNN)has emerged as an approach to semi-supervised classification,and th... With limited number of labeled samples,hyperspectral image(HSI)classification is a difficult Problem in current research.The graph neural network(GNN)has emerged as an approach to semi-supervised classification,and the application of GNN to hyperspectral images has attracted much attention.However,in the existing GNN-based methods a single graph neural network or graph filter is mainly used to extract HSI features,which does not take full advantage of various graph neural networks(graph filters).Moreover,the traditional GNNs have the problem of oversmoothing.To alleviate these shortcomings,we introduce a deep hybrid multi-graph neural network(DHMG),where two different graph filters,i.e.,the spectral filter and the autoregressive moving average(ARMA)filter,are utilized in two branches.The former can well extract the spectral features of the nodes,and the latter has a good suppression effect on graph noise.The network realizes information interaction between the two branches and takes good advantage of different graph filters.In addition,to address the problem of oversmoothing,a dense network is proposed,where the local graph features are preserved.The dense structure satisfies the needs of different classification targets presenting different features.Finally,we introduce a GraphSAGEbased network to refine the graph features produced by the deep hybrid network.Extensive experiments on three public HSI datasets strongly demonstrate that the DHMG dramatically outperforms the state-ofthe-art models. 展开更多
关键词 graph neural network Hyperspectral image classification Deep hybrid network
下载PDF
Smart Lung Tumor Prediction Using Dual Graph Convolutional Neural Network 被引量:1
18
作者 Abdalla Alameen 《Intelligent Automation & Soft Computing》 SCIE 2023年第4期369-383,共15页
A significant advantage of medical image processing is that it allows non-invasive exploration of internal anatomy in great detail.It is possible to create and study 3D models of anatomical structures to improve treatm... A significant advantage of medical image processing is that it allows non-invasive exploration of internal anatomy in great detail.It is possible to create and study 3D models of anatomical structures to improve treatment outcomes,develop more effective medical devices,or arrive at a more accurate diagnosis.This paper aims to present a fused evolutionary algorithm that takes advantage of both whale optimization and bacterial foraging optimization to optimize feature extraction.The classification process was conducted with the aid of a convolu-tional neural network(CNN)with dual graphs.Evaluation of the performance of the fused model is carried out with various methods.In the initial input Com-puter Tomography(CT)image,150 images are pre-processed and segmented to identify cancerous and non-cancerous nodules.The geometrical,statistical,struc-tural,and texture features are extracted from the preprocessed segmented image using various methods such as Gray-level co-occurrence matrix(GLCM),Histo-gram-oriented gradient features(HOG),and Gray-level dependence matrix(GLDM).To select the optimal features,a novel fusion approach known as Whale-Bacterial Foraging Optimization is proposed.For the classification of lung cancer,dual graph convolutional neural networks have been employed.A com-parison of classification algorithms and optimization algorithms has been con-ducted.According to the evaluated results,the proposed fused algorithm is successful with an accuracy of 98.72%in predicting lung tumors,and it outper-forms other conventional approaches. 展开更多
关键词 CNN dual graph convolutional neural network GLCM GLDM HOG image processing lung tumor prediction whale bacterial foraging optimization
下载PDF
A Review of Graph Neural Networks and Their Applications in Power Systems 被引量:6
19
作者 Wenlong Liao Birgitte Bak-Jensen +2 位作者 Jayakrishnan Radhakrishna Pillai Yuelong Wang Yusen Wang 《Journal of Modern Power Systems and Clean Energy》 SCIE EI CSCD 2022年第2期345-360,共16页
Deep neural networks have revolutionized many machine learning tasks in power systems,ranging from pattern recognition to signal processing.The data in these tasks are typically represented in Euclidean domains.Nevert... Deep neural networks have revolutionized many machine learning tasks in power systems,ranging from pattern recognition to signal processing.The data in these tasks are typically represented in Euclidean domains.Nevertheless,there is an increasing number of applications in power systems,where data are collected from non-Euclidean domains and represented as graph-structured data with high-dimensional features and interdependency among nodes.The complexity of graph-structured data has brought significant challenges to the existing deep neural networks defined in Euclidean domains.Recently,many publications generalizing deep neural networks for graph-structured data in power systems have emerged.In this paper,a comprehensive overview of graph neural networks(GNNs)in power systems is proposed.Specifically,several classical paradigms of GNN structures,e.g.,graph convolutional networks,are summarized.Key applications in power systems such as fault scenario application,time-series prediction,power flow calculation,and data generation are reviewed in detail.Furthermore,main issues and some research trends about the applications of GNNs in power systems are discussed. 展开更多
关键词 Machine learning power system deep neural network graph neural network artificial intelligence
原文传递
Using BlazePose on Spatial Temporal Graph Convolutional Networks for Action Recognition
20
作者 Motasem S.Alsawadi El-Sayed M.El-kenawy Miguel Rio 《Computers, Materials & Continua》 SCIE EI 2023年第1期19-36,共18页
The ever-growing available visual data(i.e.,uploaded videos and pictures by internet users)has attracted the research community’s attention in the computer vision field.Therefore,finding efficient solutions to extrac... The ever-growing available visual data(i.e.,uploaded videos and pictures by internet users)has attracted the research community’s attention in the computer vision field.Therefore,finding efficient solutions to extract knowledge from these sources is imperative.Recently,the BlazePose system has been released for skeleton extraction from images oriented to mobile devices.With this skeleton graph representation in place,a Spatial-Temporal Graph Convolutional Network can be implemented to predict the action.We hypothesize that just by changing the skeleton input data for a different set of joints that offers more information about the action of interest,it is possible to increase the performance of the Spatial-Temporal Graph Convolutional Network for HAR tasks.Hence,in this study,we present the first implementation of the BlazePose skeleton topology upon this architecture for action recognition.Moreover,we propose the Enhanced-BlazePose topology that can achieve better results than its predecessor.Additionally,we propose different skeleton detection thresholds that can improve the accuracy performance even further.We reached a top-1 accuracy performance of 40.1%on the Kinetics dataset.For the NTU-RGB+D dataset,we achieved 87.59%and 92.1%accuracy for Cross-Subject and Cross-View evaluation criteria,respectively. 展开更多
关键词 Action recognition BlazePose graph neural network OpenPose SKELETON spatial temporal graph convolution network
下载PDF
上一页 1 2 6 下一页 到第
使用帮助 返回顶部