期刊文献+
共找到44,551篇文章
< 1 2 250 >
每页显示 20 50 100
DIGNN-A:Real-Time Network Intrusion Detection with Integrated Neural Networks Based on Dynamic Graph
1
作者 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
Construction of a Maritime Knowledge Graph Using GraphRAG for Entity and Relationship Extraction from Maritime Documents 被引量:1
2
作者 Yi Han Tao Yang +2 位作者 Meng Yuan Pinghua Hu Chen Li 《Journal of Computer and Communications》 2025年第2期68-93,共26页
In the international shipping industry, digital intelligence transformation has become essential, with both governments and enterprises actively working to integrate diverse datasets. The domain of maritime and shippi... In the international shipping industry, digital intelligence transformation has become essential, with both governments and enterprises actively working to integrate diverse datasets. The domain of maritime and shipping is characterized by a vast array of document types, filled with complex, large-scale, and often chaotic knowledge and relationships. Effectively managing these documents is crucial for developing a Large Language Model (LLM) in the maritime domain, enabling practitioners to access and leverage valuable information. A Knowledge Graph (KG) offers a state-of-the-art solution for enhancing knowledge retrieval, providing more accurate responses and enabling context-aware reasoning. This paper presents a framework for utilizing maritime and shipping documents to construct a knowledge graph using GraphRAG, a hybrid tool combining graph-based retrieval and generation capabilities. The extraction of entities and relationships from these documents and the KG construction process are detailed. Furthermore, the KG is integrated with an LLM to develop a Q&A system, demonstrating that the system significantly improves answer accuracy compared to traditional LLMs. Additionally, the KG construction process is up to 50% faster than conventional LLM-based approaches, underscoring the efficiency of our method. This study provides a promising approach to digital intelligence in shipping, advancing knowledge accessibility and decision-making. 展开更多
关键词 Maritime Knowledge graph graphRAG Entity and Relationship Extraction Document Management
在线阅读 下载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
Dynamic Multi-Graph Spatio-Temporal Graph Traffic Flow Prediction in Bangkok:An Application of a Continuous Convolutional Neural Network
4
作者 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
Spectral Conditions for Forbidden Subgraphs in Bipartite Graphs
5
作者 REN Yuan ZHANG Jing ZHANG Zhiyuan 《数学进展》 北大核心 2025年第3期433-448,共16页
A graph G is H-free,if it contains no H as a subgraph.A graph G is said to be H-minor free,if it does not contain H as a minor.In 2010,Nikiforov asked that what the maximum spectral radius of an H-free graph of order ... A graph G is H-free,if it contains no H as a subgraph.A graph G is said to be H-minor free,if it does not contain H as a minor.In 2010,Nikiforov asked that what the maximum spectral radius of an H-free graph of order n is.In this paper,we consider some Brualdi-Solheid-Turan type problems on bipartite graphs.In 2015,Zhai,Lin and Gong in[Linear Algebra Appl.,2015,471:21-27]proved that if G is a bipartite graph with order n≥2k+2 and ρ(G)≥ρ(K_(k,n-k)),then G contains a C_(2k+2) unless G≌K_(k,n-k).First,we give a new and more simple proof for the above theorem.Second,we prove that if G is a bipartite graph with order n≥2k+2 and ρ(G)≥ρ(K_(k,n-k)),then G contains all T_(2k+3) unless G≌K_(k,n-k).Finally,we prove that among all outerplanar bipartite graphs on n≥308026 vertices,K_(1,n-1) attains the maximum spectral radius. 展开更多
关键词 CYCLE TREE outerplanar graph bipartite graph spectral radius
原文传递
The Ordering of Unicyclic Graphs with Minimal Matching Energies
6
作者 DONG Bo LI Huan WANG Ligong 《数学进展》 北大核心 2025年第5期951-972,共22页
The concept of matching energy was proposed by Gutman and Wagner firstly in 2012. Let G be a simple graph of order n and λ1, λ2, . . . , λn be the zeros of its matching polynomial. The matching energy of a graph G ... The concept of matching energy was proposed by Gutman and Wagner firstly in 2012. Let G be a simple graph of order n and λ1, λ2, . . . , λn be the zeros of its matching polynomial. The matching energy of a graph G is defined as ME(G) = Pni=1 |λi|. By the famous Coulson’s formula, matching energies can also be calculated by an improper integral depending on a parameter. A k-claw attaching graph Gu(k) refers to the graph obtained by attaching k pendent edges to the graph G at the vertex u, where u is called the root of Gu(k). In this paper, we use some theories of mathematical analysis to obtain a new technique to compare the matching energies of two k-claw attaching graphs Gu(k) and Hv(k) with the same order, that is, limk→∞[ME(Gu(k)) − ME(Hv(k))] = ME(G − u) − ME(H − v). By the technique, we finally determine unicyclic graphs of order n with the 9th to 13th minimal matching energies for all n ≥ 58. 展开更多
关键词 matching energy unicyclic graph quasi-order relation k-claw attaching graph
原文传递
A Maritime Document Knowledge Graph Construction Method Based on Conceptual Proximity Relations
7
作者 Yiwen Lin Tao Yang +3 位作者 Yuqi Shao Meng Yuan Pinghua Hu Chen Li 《Journal of Computer and Communications》 2025年第2期51-67,共17页
The cost and strict input format requirements of GraphRAG make it less efficient for processing large documents. This paper proposes an alternative approach for constructing a knowledge graph (KG) from a PDF document ... The cost and strict input format requirements of GraphRAG make it less efficient for processing large documents. This paper proposes an alternative approach for constructing a knowledge graph (KG) from a PDF document with a focus on simplicity and cost-effectiveness. The process involves splitting the document into chunks, extracting concepts within each chunk using a large language model (LLM), and building relationships based on the proximity of concepts in the same chunk. Unlike traditional named entity recognition (NER), which identifies entities like “Shanghai”, the proposed method identifies concepts, such as “Convenient transportation in Shanghai” which is found to be more meaningful for KG construction. Each edge in the KG represents a relationship between concepts occurring in the same text chunk. The process is computationally inexpensive, leveraging locally set up tools like Mistral 7B openorca instruct and Ollama for model inference, ensuring the entire graph generation process is cost-free. A method of assigning weights to relationships, grouping similar pairs, and summarizing multiple relationships into a single edge with associated weight and relation details is introduced. Additionally, node degrees and communities are calculated for node sizing and coloring. This approach offers a scalable, cost-effective solution for generating meaningful knowledge graphs from large documents, achieving results comparable to GraphRAG while maintaining accessibility for personal machines. 展开更多
关键词 Knowledge graph Large Language Model Concept Extraction Cost-Effective graph Construction
在线阅读 下载PDF
The Design and Practice of an Enhanced Search for Maritime Transportation Knowledge Graph Based on Semi-Schema Constraints
8
作者 Yiwen Gao Shaohan Wang +1 位作者 Feiyang Ren Xinbo Wang 《Journal of Computer and Communications》 2025年第2期94-125,共32页
With the continuous development of artificial intelligence and natural language processing technologies, traditional retrieval-augmented generation (RAG) techniques face numerous challenges in document answer precisio... With the continuous development of artificial intelligence and natural language processing technologies, traditional retrieval-augmented generation (RAG) techniques face numerous challenges in document answer precision and similarity measurement. This study, set against the backdrop of the shipping industry, combines top-down and bottom-up schema design strategies to achieve precise and flexible knowledge representation. The research adopts a semi-structured approach, innovatively constructing an adaptive schema generation mechanism based on reinforcement learning, which models the knowledge graph construction process as a Markov decision process. This method begins with general concepts, defining foundational industry concepts, and then delves into abstracting core concepts specific to the maritime domain through an adaptive pattern generation mechanism that dynamically adjusts the knowledge structure. Specifically, the study designs a four-layer knowledge construction framework, including the data layer, modeling layer, technology layer, and application layer. It draws on a mutual indexing strategy, integrating large language models and traditional information extraction techniques. By leveraging self-attention mechanisms and graph attention networks, it efficiently extracts semantic relationships. The introduction of logic-form-driven solvers and symbolic decomposition techniques for reasoning significantly enhances the model’s ability to understand complex semantic relationships. Additionally, the use of open information extraction and knowledge alignment techniques further improves the efficiency and accuracy of information retrieval. Experimental results demonstrate that the proposed method not only achieves significant performance improvements in knowledge graph retrieval within the shipping domain but also holds important theoretical innovation and practical application value. 展开更多
关键词 Large Language Models Knowledge graphs graph Attention Networks Maritime Transportation
在线阅读 下载PDF
Decentralized Federated Graph Learning via Surrogate Model
9
作者 Bolin Zhang Ruichun Gu Haiying Liu 《Computers, Materials & Continua》 2025年第2期2521-2535,共15页
Federated Graph Learning (FGL) enables model training without requiring each client to share local graph data, effectively breaking data silos by aggregating the training parameters from each terminal while safeguardi... Federated Graph Learning (FGL) enables model training without requiring each client to share local graph data, effectively breaking data silos by aggregating the training parameters from each terminal while safeguarding data privacy. Traditional FGL relies on a centralized server for model aggregation;however, this central server presents challenges such as a single point of failure and high communication overhead. Additionally, efficiently training a robust personalized local model for each client remains a significant objective in federated graph learning. To address these issues, we propose a decentralized Federated Graph Learning framework with efficient communication, termed Decentralized Federated Graph Learning via Surrogate Model (SD_FGL). In SD_FGL, each client is required to maintain two models: a private model and a surrogate model. The surrogate model is publicly shared and can exchange and update information directly with any client, eliminating the need for a central server and reducing communication overhead. The private model is independently trained by each client, allowing it to calculate similarity with other clients based on local data as well as information shared through the surrogate model. This enables the private model to better adjust its training strategy and selectively update its parameters. Additionally, local differential privacy is incorporated into the surrogate model training process to enhance privacy protection. Testing on three real-world graph datasets demonstrates that the proposed framework improves accuracy while achieving decentralized Federated Graph Learning with lower communication overhead and stronger privacy safeguards. 展开更多
关键词 Federated learning federated graph learning DECENTRALIZED graph neural network privacy preservation
在线阅读 下载PDF
Recognition of carrier-based aircraft flight deck operations based on dynamic graph
10
作者 Xingyu GUO Jiaxin LI +3 位作者 Hua WANG Junnan LIU Yafei LI Mingliang XU 《Chinese Journal of Aeronautics》 2025年第3期474-490,共17页
Accurate recognition of flight deck operations for carrier-based aircraft, based on operation trajectories, is critical for optimizing carrier-based aircraft performance. This recognition involves understanding short-... Accurate recognition of flight deck operations for carrier-based aircraft, based on operation trajectories, is critical for optimizing carrier-based aircraft performance. This recognition involves understanding short-term and long-term spatial collaborative relationships among support agents and positions from long spatial–temporal trajectories. While the existing methods excel at recognizing collaborative behaviors from short trajectories, they often struggle with long spatial–temporal trajectories. To address this challenge, this paper introduces a dynamic graph method to enhance flight deck operation recognition. First, spatial–temporal collaborative relationships are modeled as a dynamic graph. Second, a discretized and compressed method is proposed to assign values to the states of this dynamic graph. To extract features that represent diverse collaborative relationships among agents and account for the duration of these relationships, a biased random walk is then conducted. Subsequently, the Swin Transformer is employed to comprehend spatial–temporal collaborative relationships, and a fully connected layer is applied to deck operation recognition. Finally, to address the scarcity of real datasets, a simulation pipeline is introduced to generate deck operations in virtual flight deck scenarios. Experimental results on the simulation dataset demonstrate the superior performance of the proposed method. 展开更多
关键词 Carrier-based aircraft Flight deck operation Operation recognition Long spatial-temporal trajectories Dynamic graph Biased random walk graph embeddings
原文传递
Graph distillation with network symmetry
11
作者 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
原文传递
A Binary Vulnerability Similarity Detection Model Based on Deep Graph Matching
12
作者 Yangzhi Zhang 《Journal of Electronic Research and Application》 2025年第5期291-298,共8页
To enhance network security,this study employs a deep graph matching model for vulnerability similarity detection.The model utilizes a Word Embedding layer to vectorize data words,an Image Embedding layer to vectorize... To enhance network security,this study employs a deep graph matching model for vulnerability similarity detection.The model utilizes a Word Embedding layer to vectorize data words,an Image Embedding layer to vectorize data graphs,and an LSTM layer to extract the associations between word and graph vectors.A Dropout layer is applied to randomly deactivate neurons in the LSTM layer,while a Softmax layer maps the LSTM analysis results.Finally,a fully connected layer outputs the detection results with a dimension of 1.Experimental results demonstrate that the AUC of the deep graph matching vulnerability similarity detection model is 0.9721,indicating good stability.The similarity scores for vulnerabilities such as memory leaks,buffer overflows,and targeted attacks are close to 1,showing significant similarity.In contrast,the similarity scores for vulnerabilities like out-of-bounds memory access and logical design flaws are less than 0.4,indicating good similarity detection performance.The model’s evaluation metrics are all above 97%,with high detection accuracy,which is beneficial for improving network security. 展开更多
关键词 Network security Word vectors graph vector matrix Deep graph matching Vulnerability similarity
在线阅读 下载PDF
Topology-aware tensor decomposition for meta-graph learning
13
作者 Hansi Yang Quanming Yao 《CAAI Transactions on Intelligence Technology》 2025年第3期891-901,共11页
Heterogeneous graphs generally refer to graphs with different types of nodes and edges.A common approach for extracting useful information from heterogeneous graphs is to use meta-graphs,which can be seen as a special... Heterogeneous graphs generally refer to graphs with different types of nodes and edges.A common approach for extracting useful information from heterogeneous graphs is to use meta-graphs,which can be seen as a special kind of directed acyclic graph with same node and edge types as the heterogeneous graph.However,how to design proper metagraphs is challenging.Recently,there have been many works on learning suitable metagraphs from a heterogeneous graph.Existing methods generally introduce continuous weights for edges that are independent of each other,which ignores the topological structures of meta-graphs and can be ineffective.To address this issue,the authors propose a new viewpoint from tensor on learning meta-graphs.Such a viewpoint not only helps interpret the limitation of existing works by CANDECOMP/PARAFAC(CP)decomposition,but also inspires us to propose a topology-aware tensor decomposition,called TENSUS,that reflects the structure of DAGs.The proposed topology-aware tensor decomposition is easy to use and simple to implement,and it can be taken as a plug-in part to upgrade many existing works,including node classification and recommendation on heterogeneous graphs.Experimental results on different tasks demonstrate that the proposed method can significantly improve the state-of-the-arts for all these tasks. 展开更多
关键词 graph neural network heterogeneous graph polymorphic network tensor decomposition
在线阅读 下载PDF
Cross-Domain Graph Anomaly Detection via Graph Transfer and Graph Decouple
14
作者 Changqin Huang Xinxing Shi +4 位作者 Chengling Gao Qintai Hu Xiaodi Huang Qionghao Huang Ali Anaissi 《CAAI Transactions on Intelligence Technology》 2025年第4期1089-1103,共15页
Cross-domain graph anomaly detection(CD-GAD)is a promising task that leverages knowledge from a labelled source graph to guide anomaly detection on an unlabelled target graph.CD-GAD classifies anomalies as unique or c... Cross-domain graph anomaly detection(CD-GAD)is a promising task that leverages knowledge from a labelled source graph to guide anomaly detection on an unlabelled target graph.CD-GAD classifies anomalies as unique or common based on their presence in both the source and target graphs.However,existing models often fail to fully explore domain-unique knowledge of the target graph for detecting unique anomalies.Additionally,they tend to focus solely on node-level differences,overlooking structural-level differences that provide complementary information for common anomaly detection.To address these issues,we propose a novel method,Synthetic Graph Anomaly Detection via Graph Transfer and Graph Decouple(GTGD),which effectively detects common and unique anomalies in the target graph.Specifically,our approach ensures deeper learning of domain-unique knowledge by decoupling the reconstruction graphs of common and unique features.Moreover,we simulta-neously consider node-level and structural-level differences by transferring node and edge information from the source graph to the target graph,enabling comprehensive domain-common knowledge representation.Anomalies are detected using both common and unique features,with their synthetic score serving as the final result.Extensive experiments demonstrate the effectiveness of our approach,improving an average performance by 12.6%on the AUC-PR compared to state-of-the-art methods. 展开更多
关键词 anomaly detection attributed graphs domain adaptation graph neural networks
在线阅读 下载PDF
A diagnosis method based on graph neural networks embedded with multirelationships of intrinsic mode functions for multiple mechanical faults
15
作者 Bin Wang Manyi Wang +3 位作者 Yadong Xu Liangkuan Wang Shiyu Chen Xuanshi Chen 《Defence Technology(防务技术)》 2025年第8期364-373,共10页
Fault diagnosis occupies a pivotal position within the domain of machine and equipment management.Existing methods,however,often exhibit limitations in their scope of application,typically focusing on specific types o... Fault diagnosis occupies a pivotal position within the domain of machine and equipment management.Existing methods,however,often exhibit limitations in their scope of application,typically focusing on specific types of signals or faults in individual mechanical components while being constrained by data types and inherent characteristics.To address the limitations of existing methods,we propose a fault diagnosis method based on graph neural networks(GNNs)embedded with multirelationships of intrinsic mode functions(MIMF).The approach introduces a novel graph topological structure constructed from the features of intrinsic mode functions(IMFs)of monitored signals and their multirelationships.Additionally,a graph-level based fault diagnosis network model is designed to enhance feature learning capabilities for graph samples and enable flexible application across diverse signal sources and devices.Experimental validation with datasets including independent vibration signals for gear fault detection,mixed vibration signals for concurrent gear and bearing faults,and pressure signals for hydraulic cylinder leakage characterization demonstrates the model's adaptability and superior diagnostic accuracy across various types of signals and mechanical systems. 展开更多
关键词 Fault diagnosis graph neural networks graph topological structure Intrinsic mode functions Feature learning
在线阅读 下载PDF
A Dynamic Social Network Graph Anonymity Scheme with Community Structure Protection
16
作者 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
Application of Multi-Relationship Perception Based on Graph Neural Network in Relationship Prediction
17
作者 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
Sparse graph neural network aided efficient decoder for polar codes under bursty interference
18
作者 Shengyu Zhang Zhongxiu Feng +2 位作者 Zhe Peng Lixia Xiao Tao Jiang 《Digital Communications and Networks》 2025年第2期359-364,共6页
In this paper,a sparse graph neural network-aided(SGNN-aided)decoder is proposed for improving the decoding performance of polar codes under bursty interference.Firstly,a sparse factor graph is constructed using the e... In this paper,a sparse graph neural network-aided(SGNN-aided)decoder is proposed for improving the decoding performance of polar codes under bursty interference.Firstly,a sparse factor graph is constructed using the encoding characteristic to achieve high-throughput polar decoding.To further improve the decoding performance,a residual gated bipartite graph neural network is designed for updating embedding vectors of heterogeneous nodes based on a bidirectional message passing neural network.This framework exploits gated recurrent units and residual blocks to address the gradient disappearance in deep graph recurrent neural networks.Finally,predictions are generated by feeding the embedding vectors into a readout module.Simulation results show that the proposed decoder is more robust than the existing ones in the presence of bursty interference and exhibits high universality. 展开更多
关键词 Sparse graph neural network Polar codes Bursty interference Sparse factor graph Message passing neural network
在线阅读 下载PDF
SpaGRA:Graph augmentation facilitates domain identification for spatially resolved transcriptomics
19
作者 Xue Sun Wei Zhang +8 位作者 Wenrui Li Na Yu Daoliang Zhang Qi Zou Qiongye Dong Xianglin Zhang Zhiping Liu Zhiyuan Yuan Rui Gao 《Journal of Genetics and Genomics》 2025年第1期93-104,共12页
Recent advances in spatially resolved transcriptomics(SRT)have provided new opportunities for characterizing spatial structures of various tissues.Graph-based geometric deep learning has gained widespread adoption for... Recent advances in spatially resolved transcriptomics(SRT)have provided new opportunities for characterizing spatial structures of various tissues.Graph-based geometric deep learning has gained widespread adoption for spatial domain identification tasks.Currently,most methods define adjacency relation between cells or spots by their spatial distance in SRT data,which overlooks key biological interactions like gene expression similarities,and leads to inaccuracies in spatial domain identification.To tackle this challenge,we propose a novel method,SpaGRA(https://github.com/sunxue-yy/SpaGRA),for automatic multi-relationship construction based on graph augmentation.SpaGRA uses spatial distance as prior knowledge and dynamically adjusts edge weights with multi-head graph attention networks(GATs).This helps SpaGRA to uncover diverse node relationships and enhance message passing in geometric contrastive learning.Additionally,SpaGRA uses these multi-view relationships to construct negative samples,addressing sampling bias posed by random selection.Experimental results show that SpaGRA presents superior domain identification performance on multiple datasets generated from different protocols.Using SpaGRA,we analyze the functional regions in the mouse hypothalamus,identify key genes related to heart development in mouse embryos,and observe cancer-associated fibroblasts enveloping cancer cells in the latest Visium HD data.Overall,SpaGRA can effectively characterize spatial structures across diverse SRT datasets. 展开更多
关键词 Spatial domain identification Spatially resolved transcriptomics Multi-head graph attention networks graph augmentation Geometric contrastive learning
原文传递
PM_(2.5) probabilistic forecasting system based on graph generative network with graph U-nets architecture
20
作者 LI Yan-fei YANG Rui +1 位作者 DUAN Zhu LIU Hui 《Journal of Central South University》 2025年第1期304-318,共15页
Urban air pollution has brought great troubles to physical and mental health,economic development,environmental protection,and other aspects.Predicting the changes and trends of air pollution can provide a scientific ... Urban air pollution has brought great troubles to physical and mental health,economic development,environmental protection,and other aspects.Predicting the changes and trends of air pollution can provide a scientific basis for governance and prevention efforts.In this paper,we propose an interval prediction method that considers the spatio-temporal characteristic information of PM_(2.5)signals from multiple stations.K-nearest neighbor(KNN)algorithm interpolates the lost signals in the process of collection,transmission,and storage to ensure the continuity of data.Graph generative network(GGN)is used to process time-series meteorological data with complex structures.The graph U-Nets framework is introduced into the GGN model to enhance its controllability to the graph generation process,which is beneficial to improve the efficiency and robustness of the model.In addition,sparse Bayesian regression is incorporated to improve the dimensional disaster defect of traditional kernel density estimation(KDE)interval prediction.With the support of sparse strategy,sparse Bayesian regression kernel density estimation(SBR-KDE)is very efficient in processing high-dimensional large-scale data.The PM_(2.5)data of spring,summer,autumn,and winter from 34 air quality monitoring sites in Beijing verified the accuracy,generalization,and superiority of the proposed model in interval prediction. 展开更多
关键词 PM_(2.5)interval forecasting graph generative network graph U-Nets sparse Bayesian regression kernel density estimation spatial-temporal characteristics
在线阅读 下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部