期刊文献+
共找到11篇文章
< 1 >
每页显示 20 50 100
Position-Aware and Subgraph Enhanced Dynamic Graph Contrastive Learning on Discrete-Time Dynamic Graph
1
作者 Jian Feng Tian Liu Cailing Du 《Computers, Materials & Continua》 SCIE EI 2024年第11期2895-2909,共15页
Unsupervised learning methods such as graph contrastive learning have been used for dynamic graph represen-tation learning to eliminate the dependence of labels.However,existing studies neglect positional information ... Unsupervised learning methods such as graph contrastive learning have been used for dynamic graph represen-tation learning to eliminate the dependence of labels.However,existing studies neglect positional information when learning discrete snapshots,resulting in insufficient network topology learning.At the same time,due to the lack of appropriate data augmentation methods,it is difficult to capture the evolving patterns of the network effectively.To address the above problems,a position-aware and subgraph enhanced dynamic graph contrastive learning method is proposed for discrete-time dynamic graphs.Firstly,the global snapshot is built based on the historical snapshots to express the stable pattern of the dynamic graph,and the random walk is used to obtain the position representation by learning the positional information of the nodes.Secondly,a new data augmentation method is carried out from the perspectives of short-term changes and long-term stable structures of dynamic graphs.Specifically,subgraph sampling based on snapshots and global snapshots is used to obtain two structural augmentation views,and node structures and evolving patterns are learned by combining graph neural network,gated recurrent unit,and attention mechanism.Finally,the quality of node representation is improved by combining the contrastive learning between different structural augmentation views and between the two representations of structure and position.Experimental results on four real datasets show that the performance of the proposed method is better than the existing unsupervised methods,and it is more competitive than the supervised learning method under a semi-supervised setting. 展开更多
关键词 Dynamic graph representation learning graph contrastive learning structure representation position representation evolving pattern
下载PDF
CoLM^(2)S:Contrastive self‐supervised learning on attributed multiplex graph network with multi‐scale information
2
作者 Beibei Han Yingmei Wei +1 位作者 Qingyong Wang Shanshan Wan 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第4期1464-1479,共16页
Contrastive self‐supervised representation learning on attributed graph networks with Graph Neural Networks has attracted considerable research interest recently.However,there are still two challenges.First,most of t... Contrastive self‐supervised representation learning on attributed graph networks with Graph Neural Networks has attracted considerable research interest recently.However,there are still two challenges.First,most of the real‐word system are multiple relations,where entities are linked by different types of relations,and each relation is a view of the graph network.Second,the rich multi‐scale information(structure‐level and feature‐level)of the graph network can be seen as self‐supervised signals,which are not fully exploited.A novel contrastive self‐supervised representation learning framework on attributed multiplex graph networks with multi‐scale(named CoLM^(2)S)information is presented in this study.It mainly contains two components:intra‐relation contrast learning and interrelation contrastive learning.Specifically,the contrastive self‐supervised representation learning framework on attributed single‐layer graph networks with multi‐scale information(CoLMS)framework with the graph convolutional network as encoder to capture the intra‐relation information with multi‐scale structure‐level and feature‐level selfsupervised signals is introduced first.The structure‐level information includes the edge structure and sub‐graph structure,and the feature‐level information represents the output of different graph convolutional layer.Second,according to the consensus assumption among inter‐relations,the CoLM^(2)S framework is proposed to jointly learn various graph relations in attributed multiplex graph network to achieve global consensus node embedding.The proposed method can fully distil the graph information.Extensive experiments on unsupervised node clustering and graph visualisation tasks demonstrate the effectiveness of our methods,and it outperforms existing competitive baselines. 展开更多
关键词 attributed multiplex graph network contrastive self‐supervised learning graph representation learning multiscale information
下载PDF
Adaptive multi-channel Bayesian graph attention network for IoT transaction security
3
作者 Zhaowei Liu Dong Yang +1 位作者 Shenqiang Wang Hang Su 《Digital Communications and Networks》 SCIE CSCD 2024年第3期631-644,共14页
With the rapid advancement of 5G technology,the Internet of Things(IoT)has entered a new phase of appli-cations and is rapidly becoming a significant force in promoting economic development.Due to the vast amounts of ... With the rapid advancement of 5G technology,the Internet of Things(IoT)has entered a new phase of appli-cations and is rapidly becoming a significant force in promoting economic development.Due to the vast amounts of data created by numerous 5G IoT devices,the Ethereum platform has become a tool for the storage and sharing of IoT device data,thanks to its open and tamper-resistant characteristics.So,Ethereum account security is necessary for the Internet of Things to grow quickly and improve people's lives.By modeling Ethereum trans-action records as a transaction network,the account types are well identified by the Ethereum account classifi-cation system established based on Graph Neural Networks(GNNs).This work first investigates the Ethereum transaction network.Surprisingly,experimental metrics reveal that the Ethereum transaction network is neither optimal nor even satisfactory in terms of accurately representing transactions per account.This flaw may significantly impede the classification capability of GNNs,which is mostly governed by their attributes.This work proposes an Adaptive Multi-channel Bayesian Graph Attention Network(AMBGAT)for Ethereum account clas-sification to address this difficulty.AMBGAT uses attention to enhance node features,estimate graph topology that conforms to the ground truth,and efficiently extract node features pertinent to downstream tasks.An extensive experiment with actual Ethereum transaction data demonstrates that AMBGAT obtains competitive performance in the classification of Ethereum accounts while accurately estimating the graph topology. 展开更多
关键词 Internet of things graph representation learning Node classification Security mechanism
下载PDF
Heterophilic Graph Neural Network Based on Spatial and Frequency Domain Adaptive Embedding Mechanism
4
作者 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
Visual evaluation of graph representation learning based on the presentation of community structures
5
作者 Yong Zhang Lihong Cai +5 位作者 Yuhua Liu Yize Li Songyue Li Yuming Ma Yuwei Meng Zhiguang Zhou 《Visual Informatics》 EI 2024年第3期29-31,共3页
Various graph representation learning models convert graph nodes into vectors using techniques like matrix factorization,random walk,and deep learning.However,choosing the right method for different tasks can be chall... Various graph representation learning models convert graph nodes into vectors using techniques like matrix factorization,random walk,and deep learning.However,choosing the right method for different tasks can be challenging.Communities within networks help reveal underlying structures and correlations.Investigating how different models preserve community properties is crucial for identifying the best graph representation for data analysis.This paper defines indicators to explore the perceptual quality of community properties in representation learning spaces,including the consistency of community structure,node distribution within and between communities,and central node distribution.A visualization system presents these indicators,allowing users to evaluate models based on community structures.Case studies demonstrate the effectiveness of the indicators for the visual evaluation of graph representation learning models. 展开更多
关键词 graph representation learning Community structure Visual perception
原文传递
Future Event Prediction Based on Temporal Knowledge Graph Embedding 被引量:2
6
作者 Zhipeng Li Shanshan Feng +6 位作者 Jun Shi Yang Zhou Yong Liao Yangzhao Yang Yangyang Li Nenghai Yu Xun Shao 《Computer Systems Science & Engineering》 SCIE EI 2023年第3期2411-2423,共13页
Accurate prediction of future events brings great benefits and reduces losses for society in many domains,such as civil unrest,pandemics,and crimes.Knowledge graph is a general language for describing and modeling com... Accurate prediction of future events brings great benefits and reduces losses for society in many domains,such as civil unrest,pandemics,and crimes.Knowledge graph is a general language for describing and modeling complex systems.Different types of events continually occur,which are often related to historical and concurrent events.In this paper,we formalize the future event prediction as a temporal knowledge graph reasoning problem.Most existing studies either conduct reasoning on static knowledge graphs or assume knowledges graphs of all timestamps are available during the training process.As a result,they cannot effectively reason over temporal knowledge graphs and predict events happening in the future.To address this problem,some recent works learn to infer future events based on historical eventbased temporal knowledge graphs.However,these methods do not comprehensively consider the latent patterns and influences behind historical events and concurrent events simultaneously.This paper proposes a new graph representation learning model,namely Recurrent Event Graph ATtention Network(RE-GAT),based on a novel historical and concurrent events attention-aware mechanism by modeling the event knowledge graph sequence recurrently.More specifically,our RE-GAT uses an attention-based historical events embedding module to encode past events,and employs an attention-based concurrent events embedding module to model the associations of events at the same timestamp.A translation-based decoder module and a learning objective are developed to optimize the embeddings of entities and relations.We evaluate our proposed method on four benchmark datasets.Extensive experimental results demonstrate the superiority of our RE-GAT model comparing to various base-lines,which proves that our method can more accurately predict what events are going to happen. 展开更多
关键词 Event prediction temporal knowledge graph graph representation learning knowledge embedding
下载PDF
Meta-Learning Based Few-Shot Link Prediction for Emerging Knowledge Graph
7
作者 Yu-Feng Zhang Wei Chen +3 位作者 Peng-Peng Zhao Jia-Jie Xu Jun-Hua Fang Lei Zhao 《Journal of Computer Science & Technology》 SCIE EI CSCD 2024年第5期1058-1077,共20页
Inductive knowledge graph embedding(KGE)aims to embed unseen entities in emerging knowledge graphs(KGs).The major recent studies of inductive KGE embed unseen entities by aggregating information from their neighboring... Inductive knowledge graph embedding(KGE)aims to embed unseen entities in emerging knowledge graphs(KGs).The major recent studies of inductive KGE embed unseen entities by aggregating information from their neighboring entities and relations with graph neural networks(GNNs).However,these methods rely on the existing neighbors of unseen entities and suffer from two common problems:data sparsity and feature smoothing.Firstly,the data sparsity problem means unseen entities usually emerge with few triplets containing insufficient information.Secondly,the effectiveness of the features extracted from original KGs will degrade when repeatedly propagating these features to represent unseen entities in emerging KGs,which is termed feature smoothing problem.To tackle the two problems,we propose a novel model entitled Meta-Learning Based Memory Graph Convolutional Network(MMGCN)consisting of three different components:1)the two-layer information transforming module(TITM)developed to effectively transform information from original KGs to emerging KGs;2)the hyper-relation feature initializing module(HFIM)proposed to extract type-level features shared between KGs and obtain a coarse-grained representation for each entity with these features;and 3)the meta-learning training module(MTM)designed to simulate the few-shot emerging KGs and train the model in a meta-learning framework.The extensive experiments conducted on the few-shot link prediction task for emerging KGs demonstrate the superiority of our proposed model MMGCN compared with state-of-the-art methods. 展开更多
关键词 knowledge graph graph representation learning few-shot learning inductive link prediction
原文传递
False Negative Sample Detection for Graph Contrastive Learning
8
作者 Binbin Zhang Li Wang 《Tsinghua Science and Technology》 SCIE EI CAS CSCD 2024年第2期529-542,共14页
Recently,self-supervised learning has shown great potential in Graph Neural Networks (GNNs) through contrastive learning,which aims to learn discriminative features for each node without label information. The key to ... Recently,self-supervised learning has shown great potential in Graph Neural Networks (GNNs) through contrastive learning,which aims to learn discriminative features for each node without label information. The key to graph contrastive learning is data augmentation. The anchor node regards its augmented samples as positive samples,and the rest of the samples are regarded as negative samples,some of which may be positive samples. We call these mislabeled samples as “false negative” samples,which will seriously affect the final learning effect. Since such semantically similar samples are ubiquitous in the graph,the problem of false negative samples is very significant. To address this issue,the paper proposes a novel model,False negative sample Detection for Graph Contrastive Learning (FD4GCL),which uses attribute and structure-aware to detect false negative samples. Experimental results on seven datasets show that FD4GCL outperforms the state-of-the-art baselines and even exceeds several supervised methods. 展开更多
关键词 graph representation learning contrastive learning false negative sample detection
原文传递
Exploring financially constrained small- and medium-sized enterprises based on a multi-relation translational graph attention network
9
作者 Qianqiao LIANG Hua WEI +6 位作者 Yaxi WU Feng WEI Deng ZHAO Jianshan HE Xiaolin ZHENG Guofang MA Bing HAN 《Frontiers of Information Technology & Electronic Engineering》 SCIE EI CSCD 2023年第3期388-402,共15页
Financing needs exploration(FNE),which exploresfinancially constrained small-and medium-sized enterprises(SMEs),has become increasingly important in industry forfinancial institutions to facilitate SMEs’development.I... Financing needs exploration(FNE),which exploresfinancially constrained small-and medium-sized enterprises(SMEs),has become increasingly important in industry forfinancial institutions to facilitate SMEs’development.In this paper,wefirst perform an insightful exploratory analysis to exploit the transfer phenomenon offinancing needs among SMEs,which motivates us to fully exploit the multi-relation enterprise social network for boosting the effectiveness of FNE.The main challenge lies in modeling two kinds of heterogeneity,i.e.,transfer heterogeneity and SMEs’behavior heterogeneity,under different relation types simultaneously.To address these challenges,we propose a graph neural network named Multi-relation tRanslatIonal GrapH a Ttention network(M-RIGHT),which not only models the transfer heterogeneity offinancing needs along different relation types based on a novel entity–relation composition operator but also enables heterogeneous SMEs’representations based on a translation mechanism on relational hyperplanes to distinguish SMEs’heterogeneous behaviors under different relation types.Extensive experiments on two large-scale real-world datasets demonstrate M-RIGHT’s superiority over the state-of-the-art methods in the FNE task. 展开更多
关键词 Financing needs exploration graph representation learning Transfer heterogeneity Behavior heterogeneity
原文传递
SEOE:an option graph based semantically embedding method for prenatal depression detection
10
作者 Xiaosong HAN Mengchen CAO +4 位作者 Dong XU Xiaoyue FENG Yanchun LIANG Xiaoduo LANG Renchu GUAN 《Frontiers of Computer Science》 SCIE EI 2024年第6期245-258,共14页
Prenatal depression,which can affect pregnant women’s physical and psychological health and cause postpartum depression,is increasing dramatically.Therefore,it is essential to detect prenatal depression early and con... Prenatal depression,which can affect pregnant women’s physical and psychological health and cause postpartum depression,is increasing dramatically.Therefore,it is essential to detect prenatal depression early and conduct an attribution analysis.Many studies have used questionnaires to screen for prenatal depression,but the existing methods lack attributability.To diagnose the early signs of prenatal depression and identify the key factors that may lead to prenatal depression from questionnaires,we present the semantically enhanced option embedding(SEOE)model to represent questionnaire options.It can quantitatively determine the relationship and patterns between options and depression.SEOE first quantifies options and resorts them,gathering options with little difference,since Word2Vec is highly dependent on context.The resort task is transformed into an optimization problem involving the traveling salesman problem.Moreover,all questionnaire samples are used to train the options’vector using Word2Vec.Finally,an LSTM and GRU fused model incorporating the cycle learning rate is constructed to detect whether a pregnant woman is suffering from depression.To verify the model,we compare it with other deep learning and traditional machine learning methods.The experiment results show that our proposed model can accurately identify pregnant women with depression and reach an F1 score of 0.8.The most relevant factors of depression found by SEOE are also verified in the literature.In addition,our model is of low computational complexity and strong generalization,which can be widely applied to other questionnaire analyses of psychiatric disorders. 展开更多
关键词 questionnaire analyses text classification graph representation learning traveling salesman problem prenatal depression
原文传递
Source-Aware Embedding Training on Heterogeneous Information Networks
11
作者 Tsai Hor Chan Chi Ho Wong +1 位作者 Jiajun Shen Guosheng Yin 《Data Intelligence》 EI 2023年第3期611-635,共25页
Heterogeneous information networks(HINs)have been extensively applied to real-world tasks,such as recommendation systems,social networks,and citation networks.While existing HIN representation learning methods can eff... Heterogeneous information networks(HINs)have been extensively applied to real-world tasks,such as recommendation systems,social networks,and citation networks.While existing HIN representation learning methods can effectively learn the semantic and structural features in the network,little awareness was given to the distribution discrepancy of subgraphs within a single HIN.However,we find that ignoring such distribution discrepancy among subgraphs from multiple sources would hinder the effectiveness of graph embedding learning algorithms.This motivates us to propose SUMSHINE(Scalable Unsupervised Multi-Source Heterogeneous Information Network Embedding)-a scalable unsupervised framework to align the embedding distributions among multiple sources of an HiN.Experimental results on real-world datasets in a variety of downstream tasks validate the performance of our method over the state-of-the-art heterogeneous information network embedding algorithms. 展开更多
关键词 Heterogeneous information network graph representation learning Distribution alignment Recommendation system Adversarial learning graph neural network
原文传递
上一页 1 下一页 到第
使用帮助 返回顶部