期刊文献+
共找到8,206篇文章
< 1 2 250 >
每页显示 20 50 100
A Dynamic Social Network Graph Anonymity Scheme with Community Structure Protection
1
作者 Yuanjing Hao Xuemin Wang +2 位作者 Liang Chang Long Li Mingmeng Zhang 《Computers, Materials & Continua》 2025年第2期3131-3159,共29页
Dynamic publishing of social network graphs offers insights into user behavior but brings privacy risks, notably re-identification attacks on evolving data snapshots. Existing methods based on -anonymity can mitigate ... Dynamic publishing of social network graphs offers insights into user behavior but brings privacy risks, notably re-identification attacks on evolving data snapshots. Existing methods based on -anonymity can mitigate these attacks but are cumbersome, neglect dynamic protection of community structure, and lack precise utility measures. To address these challenges, we present a dynamic social network graph anonymity scheme with community structure protection (DSNGA-CSP), which achieves the dynamic anonymization process by incorporating community detection. First, DSNGA-CSP categorizes communities of the original graph into three types at each timestamp, and only partitions community subgraphs for a specific category at each updated timestamp. Then, DSNGA-CSP achieves intra-community and inter-community anonymization separately to retain more of the community structure of the original graph at each timestamp. It anonymizes community subgraphs by the proposed novel -composition method and anonymizes inter-community edges by edge isomorphism. Finally, a novel information loss metric is introduced in DSNGA-CSP to precisely capture the utility of the anonymized graph through original information preservation and anonymous information changes. Extensive experiments conducted on five real-world datasets demonstrate that DSNGA-CSP consistently outperforms existing methods, providing a more effective balance between privacy and utility. Specifically, DSNGA-CSP shows an average utility improvement of approximately 30% compared to TAKG and CTKGA for three dynamic graph datasets, according to the proposed information loss metric IL. 展开更多
关键词 Dynamic social network graph k-composition anonymity community structure protection graph publishing security and privacy
在线阅读 下载PDF
3D multipath planning for UAV based on network graph 被引量:1
2
作者 Xin Liu Chengping Zhou Mingyue Ding 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2011年第4期640-646,共7页
According to the characteristic and the requirement of multipath planning, a new multipath planning method is proposed based on network. This method includes two steps: the construction of network and multipath searc... According to the characteristic and the requirement of multipath planning, a new multipath planning method is proposed based on network. This method includes two steps: the construction of network and multipath searching. The construction of network proceeds in three phases: the skeleton extraction of the configuration space, the judgment of the cross points in the skeleton and how to link the cross points to form a network. Multipath searching makes use of the network and iterative penalty method (IPM) to plan multi-paths, and adjusts the planar paths to satisfy the requirement of maneuverability of unmanned aerial vehicle (UAV). In addition, a new height planning method is proposed to deal with the height planning of 3D route. The proposed algorithm can find multiple paths automatically according to distribution of terrain and threat areas with high efficiency. The height planning can make 3D route following the terrain. The simulation experiment illustrates the feasibility of the proposed method. 展开更多
关键词 path planning skeleton graph iterative penaltymethod (IPM) network graph.
在线阅读 下载PDF
TMC-GCN: Encrypted Traffic Mapping Classification Method Based on Graph Convolutional Networks 被引量:1
3
作者 Baoquan Liu Xi Chen +2 位作者 Qingjun Yuan Degang Li Chunxiang Gu 《Computers, Materials & Continua》 2025年第2期3179-3201,共23页
With the emphasis on user privacy and communication security, encrypted traffic has increased dramatically, which brings great challenges to traffic classification. The classification method of encrypted traffic based... With the emphasis on user privacy and communication security, encrypted traffic has increased dramatically, which brings great challenges to traffic classification. The classification method of encrypted traffic based on GNN can deal with encrypted traffic well. However, existing GNN-based approaches ignore the relationship between client or server packets. In this paper, we design a network traffic topology based on GCN, called Flow Mapping Graph (FMG). FMG establishes sequential edges between vertexes by the arrival order of packets and establishes jump-order edges between vertexes by connecting packets in different bursts with the same direction. It not only reflects the time characteristics of the packet but also strengthens the relationship between the client or server packets. According to FMG, a Traffic Mapping Classification model (TMC-GCN) is designed, which can automatically capture and learn the characteristics and structure information of the top vertex in FMG. The TMC-GCN model is used to classify the encrypted traffic. The encryption stream classification problem is transformed into a graph classification problem, which can effectively deal with data from different data sources and application scenarios. By comparing the performance of TMC-GCN with other classical models in four public datasets, including CICIOT2023, ISCXVPN2016, CICAAGM2017, and GraphDapp, the effectiveness of the FMG algorithm is verified. The experimental results show that the accuracy rate of the TMC-GCN model is 96.13%, the recall rate is 95.04%, and the F1 rate is 94.54%. 展开更多
关键词 Encrypted traffic classification deep learning graph neural networks multi-layer perceptron graph convolutional networks
在线阅读 下载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
Two-Phase Software Fault Localization Based on Relational Graph Convolutional Neural Networks 被引量:1
5
作者 Xin Fan Zhenlei Fu +2 位作者 Jian Shu Zuxiong Shen Yun Ge 《Computers, Materials & Continua》 2025年第2期2583-2607,共25页
Spectrum-based fault localization (SBFL) generates a ranked list of suspicious elements by using the program execution spectrum, but the excessive number of elements ranked in parallel results in low localization accu... Spectrum-based fault localization (SBFL) generates a ranked list of suspicious elements by using the program execution spectrum, but the excessive number of elements ranked in parallel results in low localization accuracy. Most researchers consider intra-class dependencies to improve localization accuracy. However, some studies show that inter-class method call type faults account for more than 20%, which means such methods still have certain limitations. To solve the above problems, this paper proposes a two-phase software fault localization based on relational graph convolutional neural networks (Two-RGCNFL). Firstly, in Phase 1, the method call dependence graph (MCDG) of the program is constructed, the intra-class and inter-class dependencies in MCDG are extracted by using the relational graph convolutional neural network, and the classifier is used to identify the faulty methods. Then, the GraphSMOTE algorithm is improved to alleviate the impact of class imbalance on classification accuracy. Aiming at the problem of parallel ranking of element suspicious values in traditional SBFL technology, in Phase 2, Doc2Vec is used to learn static features, while spectrum information serves as dynamic features. A RankNet model based on siamese multi-layer perceptron is constructed to score and rank statements in the faulty method. This work conducts experiments on 5 real projects of Defects4J benchmark. Experimental results show that, compared with the traditional SBFL technique and two baseline methods, our approach improves the Top-1 accuracy by 262.86%, 29.59% and 53.01%, respectively, which verifies the effectiveness of Two-RGCNFL. Furthermore, this work verifies the importance of inter-class dependencies through ablation experiments. 展开更多
关键词 Software fault localization graph neural network RankNet inter-class dependency class imbalance
在线阅读 下载PDF
Dynamic Multi-Graph Spatio-Temporal Graph Traffic Flow Prediction in Bangkok:An Application of a Continuous Convolutional Neural Network
6
作者 Pongsakon Promsawat Weerapan Sae-dan +2 位作者 Marisa Kaewsuwan Weerawat Sudsutad Aphirak Aphithana 《Computer Modeling in Engineering & Sciences》 SCIE EI 2025年第1期579-607,共29页
The ability to accurately predict urban traffic flows is crucial for optimising city operations.Consequently,various methods for forecasting urban traffic have been developed,focusing on analysing historical data to u... The ability to accurately predict urban traffic flows is crucial for optimising city operations.Consequently,various methods for forecasting urban traffic have been developed,focusing on analysing historical data to understand complex mobility patterns.Deep learning techniques,such as graph neural networks(GNNs),are popular for their ability to capture spatio-temporal dependencies.However,these models often become overly complex due to the large number of hyper-parameters involved.In this study,we introduce Dynamic Multi-Graph Spatial-Temporal Graph Neural Ordinary Differential Equation Networks(DMST-GNODE),a framework based on ordinary differential equations(ODEs)that autonomously discovers effective spatial-temporal graph neural network(STGNN)architectures for traffic prediction tasks.The comparative analysis of DMST-GNODE and baseline models indicates that DMST-GNODE model demonstrates superior performance across multiple datasets,consistently achieving the lowest Root Mean Square Error(RMSE)and Mean Absolute Error(MAE)values,alongside the highest accuracy.On the BKK(Bangkok)dataset,it outperformed other models with an RMSE of 3.3165 and an accuracy of 0.9367 for a 20-min interval,maintaining this trend across 40 and 60 min.Similarly,on the PeMS08 dataset,DMST-GNODE achieved the best performance with an RMSE of 19.4863 and an accuracy of 0.9377 at 20 min,demonstrating its effectiveness over longer periods.The Los_Loop dataset results further emphasise this model’s advantage,with an RMSE of 3.3422 and an accuracy of 0.7643 at 20 min,consistently maintaining superiority across all time intervals.These numerical highlights indicate that DMST-GNODE not only outperforms baseline models but also achieves higher accuracy and lower errors across different time intervals and datasets. 展开更多
关键词 graph neural networks convolutional neural network deep learning dynamic multi-graph SPATIO-TEMPORAL
在线阅读 下载PDF
Occluded Gait Emotion Recognition Based on Multi-Scale Suppression Graph Convolutional Network
7
作者 Yuxiang Zou Ning He +2 位作者 Jiwu Sun Xunrui Huang Wenhua Wang 《Computers, Materials & Continua》 SCIE EI 2025年第1期1255-1276,共22页
In recent years,gait-based emotion recognition has been widely applied in the field of computer vision.However,existing gait emotion recognition methods typically rely on complete human skeleton data,and their accurac... In recent years,gait-based emotion recognition has been widely applied in the field of computer vision.However,existing gait emotion recognition methods typically rely on complete human skeleton data,and their accuracy significantly declines when the data is occluded.To enhance the accuracy of gait emotion recognition under occlusion,this paper proposes a Multi-scale Suppression Graph ConvolutionalNetwork(MS-GCN).TheMS-GCN consists of three main components:Joint Interpolation Module(JI Moudle),Multi-scale Temporal Convolution Network(MS-TCN),and Suppression Graph Convolutional Network(SGCN).The JI Module completes the spatially occluded skeletal joints using the(K-Nearest Neighbors)KNN interpolation method.The MS-TCN employs convolutional kernels of various sizes to comprehensively capture the emotional information embedded in the gait,compensating for the temporal occlusion of gait information.The SGCN extracts more non-prominent human gait features by suppressing the extraction of key body part features,thereby reducing the negative impact of occlusion on emotion recognition results.The proposed method is evaluated on two comprehensive datasets:Emotion-Gait,containing 4227 real gaits from sources like BML,ICT-Pollick,and ELMD,and 1000 synthetic gaits generated using STEP-Gen technology,and ELMB,consisting of 3924 gaits,with 1835 labeled with emotions such as“Happy,”“Sad,”“Angry,”and“Neutral.”On the standard datasets Emotion-Gait and ELMB,the proposed method achieved accuracies of 0.900 and 0.896,respectively,attaining performance comparable to other state-ofthe-artmethods.Furthermore,on occlusion datasets,the proposedmethod significantly mitigates the performance degradation caused by occlusion compared to other methods,the accuracy is significantly higher than that of other methods. 展开更多
关键词 KNN interpolation multi-scale temporal convolution suppression graph convolutional network gait emotion recognition human skeleton
在线阅读 下载PDF
HMGS:Hierarchical Matching Graph Neural Network for Session-Based Recommendation
8
作者 Pengfei Zhang Rui Xin +5 位作者 Xing Xu Yuzhen Wang Xiaodong Li Xiao Zhang Meina Song Zhonghong Ou 《Computers, Materials & Continua》 2025年第6期5413-5428,共16页
Session-based recommendation systems(SBR)are pivotal in suggesting items by analyzing anonymized sequences of user interactions.Traditional methods,while competent,often fall short in two critical areas:they fail to a... Session-based recommendation systems(SBR)are pivotal in suggesting items by analyzing anonymized sequences of user interactions.Traditional methods,while competent,often fall short in two critical areas:they fail to address potential inter-session item transitions,which are behavioral dependencies that extend beyond individual session boundaries,and they rely on monolithic item aggregation to construct session representations.This approach does not capture the multi-scale and heterogeneous nature of user intent,leading to a decrease in modeling accuracy.To overcome these limitations,a novel approach called HMGS has been introduced.This system incorporates dual graph architectures to enhance the recommendation process.A global transition graph captures latent cross-session item dependencies,while a heterogeneous intra-session graph encodesmulti-scale item embeddings through localized feature propagation.Additionally,amulti-tier graphmatchingmechanism aligns user preference signals across different granularities,significantly improving interest localization accuracy.Empirical validation on benchmark datasets(Tmall and Diginetica)confirms HMGS’s efficacy against state-of-the-art baselines.Quantitative analysis reveals performance gains of 20.54%and 12.63%in Precision@10 on Tmall and Diginetica,respectively.Consistent improvements are observed across auxiliary metrics,with MRR@10,Precision@20,and MRR@20 exhibiting enhancements between 4.00%and 21.36%,underscoring the framework’s robustness in multi-faceted recommendation scenarios. 展开更多
关键词 Session-based recommendation graph network multi-level matching
在线阅读 下载PDF
Aspect-Level Sentiment Analysis of Bi-Graph Convolutional Networks Based on Enhanced Syntactic Structural Information
9
作者 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
Spectral graph convolution networks for microbialite lithology identification based on conventional well logs
10
作者 Ke-Ran Li Jin-Min Song +9 位作者 Han Wang Hai-Jun Yan Shu-Gen Liu Yang Lan Xin Jin Jia-Xin Ren Ling-Li Zhao Li-Zhou Tian Hao-Shuang Deng Wei Chen 《Petroleum Science》 2025年第4期1513-1533,共21页
Machine learning algorithms are widely used to interpret well logging data.To enhance the algorithms'robustness,shuffling the well logging data is an unavoidable feature engineering before training models.However,... Machine learning algorithms are widely used to interpret well logging data.To enhance the algorithms'robustness,shuffling the well logging data is an unavoidable feature engineering before training models.However,latent information stored between different well logging types and depth is destroyed during the shuffle.To investigate the influence of latent information,this study implements graph convolution networks(GCNs),long-short temporal memory models,recurrent neural networks,temporal convolution networks,and two artificial neural networks to predict the microbial lithology in the fourth member of the Dengying Formation,Moxi gas field,central Sichuan Basin.Results indicate that the GCN model outperforms other models.The accuracy,F1-score,and area under curve of the GCN model are 0.90,0.90,and 0.95,respectively.Experimental results indicate that the time-series data facilitates lithology prediction and helps determine lithological fluctuations in the vertical direction.All types of logs from the spectral in the GCN model and also facilitates lithology identification.Only on condition combined with latent information,the GCN model reaches excellent microbialite classification resolution at the centimeter scale.Ultimately,the two actual cases show tricks for using GCN models to predict potential microbialite in other formations and areas,proving that the GCN model can be adopted in the industry. 展开更多
关键词 graph convolution network Mirobialite Lithology forecasting Well log
原文传递
A Novel Approach Based on Graph Attention Networks for Fruit Recognition
11
作者 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
Utility of Graph Neural Networks in Short-to Medium-Range Weather Forecasting
12
作者 Xiaoni Sun Jiming Li +5 位作者 Zhiqiang Zhao Guodong Jing Baojun Chen Jinrong Hu Fei Wang Yong Zhang 《Computers, Materials & Continua》 2025年第8期2121-2149,共29页
Weather forecasting is crucial for agriculture,transportation,and industry.Deep Learning(DL)has greatly improved the prediction accuracy.Among them,Graph Neural Networks(GNNs)excel at processing weather data by establ... Weather forecasting is crucial for agriculture,transportation,and industry.Deep Learning(DL)has greatly improved the prediction accuracy.Among them,Graph Neural Networks(GNNs)excel at processing weather data by establishing connections between regions.This allows them to understand complex patterns that traditional methods might miss.As a result,achieving more accurate predictions becomes possible.The paper reviews the role of GNNs in short-to medium-range weather forecasting.The methods are classified into three categories based on dataset differences.The paper also further identifies five promising research frontiers.These areas aim to boost forecasting precision and enhance computational efficiency.They offer valuable insights for future weather forecasting systems. 展开更多
关键词 graph neural networks weather forecasting meteorological datasets
在线阅读 下载PDF
Graph Neural Networks and Multimodal DTI Features for Schizophrenia Classification:Insights from Brain Network Analysis and Gene Expression
13
作者 Jingjing Gao Heping Tang +25 位作者 Zhengning Wang Yanling Li Na Luo Ming Song Sangma Xie Weiyang Shi Hao Yan Lin Lu Jun Yan Peng Li Yuqing Song Jun Chen Yunchun Chen Huaning Wang Wenming Liu Zhigang Li Hua Guo Ping Wan Luxian Lv Yongfeng Yang Huiling Wang Hongxing Zhang Huawang Wu Yuping Ning Dai Zhang Tianzi Jiang 《Neuroscience Bulletin》 2025年第6期933-950,共18页
Schizophrenia(SZ)stands as a severe psychiatric disorder.This study applied diffusion tensor imaging(DTI)data in conjunction with graph neural networks to distinguish SZ patients from normal controls(NCs)and showcases... Schizophrenia(SZ)stands as a severe psychiatric disorder.This study applied diffusion tensor imaging(DTI)data in conjunction with graph neural networks to distinguish SZ patients from normal controls(NCs)and showcases the superior performance of a graph neural network integrating combined fractional anisotropy and fiber number brain network features,achieving an accuracy of 73.79%in distinguishing SZ patients from NCs.Beyond mere discrimination,our study delved deeper into the advantages of utilizing white matter brain network features for identifying SZ patients through interpretable model analysis and gene expression analysis.These analyses uncovered intricate interrelationships between brain imaging markers and genetic biomarkers,providing novel insights into the neuropathological basis of SZ.In summary,our findings underscore the potential of graph neural networks applied to multimodal DTI data for enhancing SZ detection through an integrated analysis of neuroimaging and genetic features. 展开更多
关键词 SCHIZOPHRENIA Magnetic resonance imaging CLASSIFICATION Deep learning graph neural network
原文传递
Optimized graph neural network-multilayer perceptron fusion classifier for metastatic prostate cancer detection in Western and Asian populations
14
作者 Fengxian Han Xiaohui Fan +12 位作者 Pengwei Long Wenhui Zhang Qiting Li Yingxuan Li Xingpeng Guo Yinran Luo Rongqi Wen Sheng Wang Shan Zhang Yizhuo Li Yan Wang Xu Gao Jing Li 《Asian Journal of Urology》 2025年第3期327-337,共11页
Objective:Prostate cancer(PCa)exhibits significant genomic differences between Western and Asian populations.This study aimed to design a predictive model applicable across diverse populations while selecting a limite... Objective:Prostate cancer(PCa)exhibits significant genomic differences between Western and Asian populations.This study aimed to design a predictive model applicable across diverse populations while selecting a limited set of genes suitable for clinical implementation.Methods:We utilized an integrated dataset of 1360 whole-exome and whole-genome sequences from Chinese and Western PCa cohorts to develop and evaluate the model.External validation was conducted using an independent cohort of patients.A graph neural network architecture,termed the pathway-aware multi-layered hierarchical network-Western and Asian(P-NETwa),was developed and trained on combined genomic profiles from Chinese and Western cohorts.The model employed a multilayer perceptron(MLP)to identify key signature genes from multiomics data,enabling precise prediction of PCa metastasis.Results:The model achieved an accuracy of 0.87 and an F1-score of 0.85 on Western population datasets.The application of integrated Chinese and Western population data improved the accuracy to 0.88,achieving an F1-score of 0.75.The analysis identified 18 signature genes implicated in PCa progression,including established markers(AR and TP53)and novel candidates(MUC16,MUC4,and ASB12).For clinical adoption,the model was optimized for commercially available gene panels while maintaining high classification accuracy.Additionally,a user-friendly web interface was developed to facilitate real-time prediction of primary versus metastatic status using the pre-trained P-NETwa-MLP model.Conclusion:The P-NETwa-MLP model integrates a query system that allows for efficient retrieval of prediction outcomes and associated genomic signatures via sample ID,enhancing its potential for seamless integration into clinical workflows. 展开更多
关键词 Prostate cancer Machine learning Multilayer perceptron graph neural network
在线阅读 下载PDF
Integration of Federated Learning and Graph Convolutional Networks for Movie Recommendation Systems
15
作者 Sony Peng Sophort Siet +3 位作者 Ilkhomjon Sadriddinov Dae-Young Kim Kyuwon Park Doo-Soon Park 《Computers, Materials & Continua》 2025年第5期2041-2057,共17页
Recommendation systems(RSs)are crucial in personalizing user experiences in digital environments by suggesting relevant content or items.Collaborative filtering(CF)is a widely used personalization technique that lever... Recommendation systems(RSs)are crucial in personalizing user experiences in digital environments by suggesting relevant content or items.Collaborative filtering(CF)is a widely used personalization technique that leverages user-item interactions to generate recommendations.However,it struggles with challenges like the cold-start problem,scalability issues,and data sparsity.To address these limitations,we develop a Graph Convolutional Networks(GCNs)model that captures the complex network of interactions between users and items,identifying subtle patterns that traditional methods may overlook.We integrate this GCNs model into a federated learning(FL)framework,enabling themodel to learn fromdecentralized datasets.This not only significantly enhances user privacy—a significant improvement over conventionalmodels but also reassures users about the safety of their data.Additionally,by securely incorporating demographic information,our approach further personalizes recommendations and mitigates the coldstart issue without compromising user data.We validate our RSs model using the openMovieLens dataset and evaluate its performance across six key metrics:Precision,Recall,Area Under the Receiver Operating Characteristic Curve(ROC-AUC),F1 Score,Normalized Discounted Cumulative Gain(NDCG),and Mean Reciprocal Rank(MRR).The experimental results demonstrate significant enhancements in recommendation quality,underscoring that combining GCNs with CF in a federated setting provides a transformative solution for advanced recommendation systems. 展开更多
关键词 Recommendation systems collaborative filtering graph convolutional networks federated learning framework
在线阅读 下载PDF
Application of Multi-Relationship Perception Based on Graph Neural Network in Relationship Prediction
16
作者 Shaoming Qiu Xinchen Huang +2 位作者 Liangyu Liu Bicong E Jingfeng Ye 《Computers, Materials & Continua》 2025年第6期5657-5678,共22页
Most existing knowledge graph relationship prediction methods are unable to capture the complex information of multi-relational knowledge graphs,thus overlooking key details contained in different entity pairs and mak... Most existing knowledge graph relationship prediction methods are unable to capture the complex information of multi-relational knowledge graphs,thus overlooking key details contained in different entity pairs and making it difficult to aggregate more complex relational features.Moreover,the insufficient capture of multi-hop relational information limits the processing capability of the global structure of the graph and reduces the accuracy of the knowledge graph completion task.This paper uses graph neural networks to construct new message functions for different relations,which can be defined as the rotation from the source entity to the target entity in the complex vector space for each relation,thereby improving the relation perception.To further enrich the relational diversity of different entities,we capture themulti-hop structural information in complex graph structure relations by incorporating two-hop relations for each entity and adding auxiliary edges to various relation combinations in the knowledge graph,thereby aggregating more complex relations and improving the reasoning ability of complex relational information.To verify the effectiveness of the proposed method,we conducted experiments on the WN18RR and FB15k-237 standard datasets.The results show that the method proposed in this study outperforms most existing methods. 展开更多
关键词 graph attention network relationship perception knowledge graph completion link prediction
在线阅读 下载PDF
DSGNN:Dual-Shield Defense for Robust Graph Neural Networks
17
作者 Xiaohan Chen Yuanfang Chen +2 位作者 Gyu Myoung Lee Noel Crespi Pierluigi Siano 《Computers, Materials & Continua》 2025年第10期1733-1750,共18页
Graph Neural Networks(GNNs)have demonstrated outstanding capabilities in processing graph-structured data and are increasingly being integrated into large-scale pre-trained models,such as Large Language Models(LLMs),t... Graph Neural Networks(GNNs)have demonstrated outstanding capabilities in processing graph-structured data and are increasingly being integrated into large-scale pre-trained models,such as Large Language Models(LLMs),to enhance structural reasoning,knowledge retrieval,and memory management.The expansion of their application scope imposes higher requirements on the robustness of GNNs.However,as GNNs are applied to more dynamic and heterogeneous environments,they become increasingly vulnerable to real-world perturbations.In particular,graph data frequently encounters joint adversarial perturbations that simultaneously affect both structures and features,which are significantly more challenging than isolated attacks.These disruptions,caused by incomplete data,malicious attacks,or inherent noise,pose substantial threats to the stable and reliable performance of traditional GNN models.To address this issue,this study proposes the Dual-Shield Graph Neural Network(DSGNN),a defense model that simultaneously mitigates structural and feature perturbations.DSGNN utilizes two parallel GNN channels to independently process structural noise and feature noise,and introduces an adaptive fusion mechanism that integrates information from both pathways to generate robust node representations.Theoretical analysis demonstrates that DSGNN achieves a tighter robustness boundary under joint perturbations compared to conventional single-channel methods.Experimental evaluations across Cora,CiteSeer,and Industry datasets show that DSGNN achieves the highest average classification accuracy under various adversarial settings,reaching 81.24%,71.94%,and 81.66%,respectively,outperforming GNNGuard,GCN-Jaccard,GCN-SVD,RGCN,and NoisyGNN.These results underscore the importance of multi-view perturbation decoupling in constructing resilient GNN models for real-world applications. 展开更多
关键词 graph neural networks adversarial attacks dual-shield defense certified robustness node classification
在线阅读 下载PDF
A graph neural network and multi-task learning-based decoding algorithm for enhancing XZZX code stability in biased noise
18
作者 Bo Xiao Zai-Xu Fan +2 位作者 Hui-Qian Sun Hong-Yang Ma Xing-Kui Fan 《Chinese Physics B》 2025年第5期250-257,共8页
Quantum error correction is a technique that enhances a system’s ability to combat noise by encoding logical information into additional quantum bits,which plays a key role in building practical quantum computers.The... Quantum error correction is a technique that enhances a system’s ability to combat noise by encoding logical information into additional quantum bits,which plays a key role in building practical quantum computers.The XZZX surface code,with only one stabilizer generator on each face,demonstrates significant application potential under biased noise.However,the existing minimum weight perfect matching(MWPM)algorithm has high computational complexity and lacks flexibility in large-scale systems.Therefore,this paper proposes a decoding method that combines graph neural networks(GNN)with multi-classifiers,the syndrome is transformed into an undirected graph,and the features are aggregated by convolutional layers,providing a more efficient and accurate decoding strategy.In the experiments,we evaluated the performance of the XZZX code under different biased noise conditions(bias=1,20,200)and different code distances(d=3,5,7,9,11).The experimental results show that under low bias noise(bias=1),the GNN decoder achieves a threshold of 0.18386,an improvement of approximately 19.12%compared to the MWPM decoder.Under high bias noise(bias=200),the GNN decoder reaches a threshold of 0.40542,improving by approximately 20.76%,overcoming the limitations of the conventional decoder.They demonstrate that the GNN decoding method exhibits superior performance and has broad application potential in the error correction of XZZX code. 展开更多
关键词 quantum error correction XZZX code biased noise graph neural network
原文传递
Dynamic Interaction-Aware Trajectory Prediction with Bidirectional Graph Attention Network
19
作者 Jun Li Kai Xu +4 位作者 Baozhu Chen Xiaohan Yang Mengting Sun Guojun Li HaoJie Du 《Computers, Materials & Continua》 2025年第11期3349-3368,共20页
Pedestrian trajectory prediction is pivotal and challenging in applications such as autonomous driving,social robotics,and intelligent surveillance systems.Pedestrian trajectory is governed not only by individual inte... Pedestrian trajectory prediction is pivotal and challenging in applications such as autonomous driving,social robotics,and intelligent surveillance systems.Pedestrian trajectory is governed not only by individual intent but also by interactions with surrounding agents.These interactions are critical to trajectory prediction accuracy.While prior studies have employed Convolutional Neural Networks(CNNs)and Graph Convolutional Networks(GCNs)to model such interactions,these methods fail to distinguish varying influence levels among neighboring pedestrians.To address this,we propose a novel model based on a bidirectional graph attention network and spatio-temporal graphs to capture dynamic interactions.Specifically,we construct temporal and spatial graphs encoding the sequential evolution and spatial proximity among pedestrians.These features are then fused and processed by the Bidirectional Graph Attention Network(Bi-GAT),which models the bidirectional interactions between the target pedestrian and its neighbors.The model computes node attention weights(i.e.,similarity scores)to differentially aggregate neighbor information,enabling fine-grained interaction representations.Extensive experiments conducted on two widely used pedestrian trajectory prediction benchmark datasets demonstrate that our approach outperforms existing state-of-theartmethods regarding Average Displacement Error(ADE)and Final Displacement Error(FDE),highlighting its strong prediction accuracy and generalization capability. 展开更多
关键词 Pedestrian trajectory prediction spatio-temporal modeling bidirectional graph attention network autonomous system
在线阅读 下载PDF
Graph distillation with network symmetry
20
作者 Feng Lin Jia-Lin He 《Chinese Physics B》 2025年第4期262-271,共10页
Graph neural networks(GNNs)have demonstrated excellent performance in graph representation learning.However,as the volume of graph data grows,issues related to cost and efficiency become increasingly prominent.Graph d... Graph neural networks(GNNs)have demonstrated excellent performance in graph representation learning.However,as the volume of graph data grows,issues related to cost and efficiency become increasingly prominent.Graph distillation methods address this challenge by extracting a smaller,reduced graph,ensuring that GNNs trained on both the original and reduced graphs show similar performance.Existing methods,however,primarily optimize the feature matrix of the reduced graph and rely on correlation information from GNNs,while neglecting the original graph’s structure and redundant nodes.This often results in a loss of critical information within the reduced graph.To overcome this limitation,we propose a graph distillation method guided by network symmetry.Specifically,we identify symmetric nodes with equivalent neighborhood structures and merge them into“super nodes”,thereby simplifying the network structure,reducing redundant parameter optimization and enhancing training efficiency.At the same time,instead of relying on the original node features,we employ gradient descent to match optimal features that align with the original features,thus improving downstream task performance.Theoretically,our method guarantees that the reduced graph retains the key information present in the original graph.Extensive experiments demonstrate that our approach achieves significant improvements in graph distillation,exhibiting strong generalization capability and outperforming existing graph reduction methods. 展开更多
关键词 graph neural networks graph distillation network symmetry super nodes feature optimization
原文传递
上一页 1 2 250 下一页 到第
使用帮助 返回顶部