期刊文献+
共找到249篇文章
< 1 2 13 >
每页显示 20 50 100
Efficient Parameterization for Knowledge Graph Embedding Using Hierarchical Attention Network
1
作者 Zhen-Yu Chen Feng-Chi Liu +2 位作者 Xin Wang Cheng-Hsiung Lee Ching-Sheng Lin 《Computers, Materials & Continua》 2025年第3期4287-4300,共14页
In the domain of knowledge graph embedding,conventional approaches typically transform entities and relations into continuous vector spaces.However,parameter efficiency becomes increasingly crucial when dealing with l... In the domain of knowledge graph embedding,conventional approaches typically transform entities and relations into continuous vector spaces.However,parameter efficiency becomes increasingly crucial when dealing with large-scale knowledge graphs that contain vast numbers of entities and relations.In particular,resource-intensive embeddings often lead to increased computational costs,and may limit scalability and adaptability in practical environ-ments,such as in low-resource settings or real-world applications.This paper explores an approach to knowledge graph representation learning that leverages small,reserved entities and relation sets for parameter-efficient embedding.We introduce a hierarchical attention network designed to refine and maximize the representational quality of embeddings by selectively focusing on these reserved sets,thereby reducing model complexity.Empirical assessments validate that our model achieves high performance on the benchmark dataset with fewer parameters and smaller embedding dimensions.The ablation studies further highlight the impact and contribution of each component in the proposed hierarchical attention structure. 展开更多
关键词 knowledge graph embedding parameter efficiency representation learning reserved entity and relation sets hierarchical attention network
在线阅读 下载PDF
Embedding-based approximate query for knowledge graph
2
作者 Qiu Jingyi Zhang Duxi +5 位作者 Song Aibo Wang Honglin Zhang Tianbo Jin Jiahui Fang Xiaolin Li Yaqi 《Journal of Southeast University(English Edition)》 EI CAS 2024年第4期417-424,共8页
To solve the low efficiency of approximate queries caused by the large sizes of the knowledge graphs in the real world,an embedding-based approximate query method is proposed.First,the nodes in the query graph are cla... To solve the low efficiency of approximate queries caused by the large sizes of the knowledge graphs in the real world,an embedding-based approximate query method is proposed.First,the nodes in the query graph are classified according to the degrees of approximation required for different types of nodes.This classification transforms the query problem into three constraints,from which approximate information is extracted.Second,candidates are generated by calculating the similarity between embeddings.Finally,a deep neural network model is designed,incorporating a loss function based on the high-dimensional ellipsoidal diffusion distance.This model identifies the distance between nodes using their embeddings and constructs a score function.k nodes are returned as the query results.The results show that the proposed method can return both exact results and approximate matching results.On datasets DBLP(DataBase systems and Logic Programming)and FUA-S(Flight USA Airports-Sparse),this method exhibits superior performance in terms of precision and recall,returning results in 0.10 and 0.03 s,respectively.This indicates greater efficiency compared to PathSim and other comparative methods. 展开更多
关键词 approximate query knowledge graph embedding deep neural network
在线阅读 下载PDF
Learning Context-based Embeddings for Knowledge Graph Completion 被引量:6
3
作者 Fei Pu Zhongwei Zhang +1 位作者 Yan Feng Bailin Yang 《Journal of Data and Information Science》 CSCD 2022年第2期84-106,共23页
Purpose:Due to the incompleteness nature of knowledge graphs(KGs),the task of predicting missing links between entities becomes important.Many previous approaches are static,this posed a notable problem that all meani... Purpose:Due to the incompleteness nature of knowledge graphs(KGs),the task of predicting missing links between entities becomes important.Many previous approaches are static,this posed a notable problem that all meanings of a polysemous entity share one embedding vector.This study aims to propose a polysemous embedding approach,named KG embedding under relational contexts(ContE for short),for missing link prediction.Design/methodology/approach:ContE models and infers different relationship patterns by considering the context of the relationship,which is implicit in the local neighborhood of the relationship.The forward and backward impacts of the relationship in ContE are mapped to two different embedding vectors,which represent the contextual information of the relationship.Then,according to the position of the entity,the entity’s polysemous representation is obtained by adding its static embedding vector to the corresponding context vector of the relationship.Findings:ContE is a fully expressive,that is,given any ground truth over the triples,there are embedding assignments to entities and relations that can precisely separate the true triples from false ones.ContE is capable of modeling four connectivity patterns such as symmetry,antisymmetry,inversion and composition.Research limitations:ContE needs to do a grid search to find best parameters to get best performance in practice,which is a time-consuming task.Sometimes,it requires longer entity vectors to get better performance than some other models.Practical implications:ContE is a bilinear model,which is a quite simple model that could be applied to large-scale KGs.By considering contexts of relations,ContE can distinguish the exact meaning of an entity in different triples so that when performing compositional reasoning,it is capable to infer the connectivity patterns of relations and achieves good performance on link prediction tasks.Originality/value:ContE considers the contexts of entities in terms of their positions in triples and the relationships they link to.It decomposes a relation vector into two vectors,namely,forward impact vector and backward impact vector in order to capture the relational contexts.ContE has the same low computational complexity as TransE.Therefore,it provides a new approach for contextualized knowledge graph embedding. 展开更多
关键词 Full expressiveness Relational contexts knowledge graph embedding Relation patterns Link prediction
在线阅读 下载PDF
Future Event Prediction Based on Temporal Knowledge Graph Embedding 被引量:4
4
作者 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
Extrapolation over temporal knowledge graph via hyperbolic embedding 被引量:3
5
作者 Yan Jia Mengqi Lin +5 位作者 Ye Wang Jianming Li Kai Chen Joanna Siebert Geordie Z.Zhang Qing Liao 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第2期418-429,共12页
Predicting potential facts in the future,Temporal Knowledge Graph(TKG)extrapolation remains challenging because of the deep dependence between the temporal association and semantic patterns of facts.Intuitively,facts(... Predicting potential facts in the future,Temporal Knowledge Graph(TKG)extrapolation remains challenging because of the deep dependence between the temporal association and semantic patterns of facts.Intuitively,facts(events)that happened at different timestamps have different influences on future events,which can be attributed to a hierarchy among not only facts but also relevant entities.Therefore,it is crucial to pay more attention to important entities and events when forecasting the future.However,most existing methods focus on reasoning over temporally evolving facts or mining evolutional patterns from known facts,which may be affected by the diversity and variability of the evolution,and they might fail to attach importance to facts that matter.Hyperbolic geometry was proved to be effective in capturing hierarchical patterns among data,which is considered to be a solution for modelling hierarchical relations among facts.To this end,we propose ReTIN,a novel model integrating real-time influence of historical facts for TKG reasoning based on hyperbolic geometry,which provides low-dimensional embeddings to capture latent hierarchical structures and other rich semantic patterns of the existing TKG.Considering both real-time and global features of TKG boosts the adaptation of ReTIN to the ever-changing dynamics and inherent constraints.Extensive experiments on benchmarks demonstrate the superiority of ReTIN over various baselines.The ablation study further supports the value of exploiting temporal information. 展开更多
关键词 EXTRAPOLATION hyperbolic embedding temporal knowledge graph
在线阅读 下载PDF
Hyperbolic hierarchical graph attention network for knowledge graph completion
6
作者 XU Hao CHEN Shudong +3 位作者 QI Donglin TONG Da YU Yong CHEN Shuai 《High Technology Letters》 EI CAS 2024年第3期271-279,共9页
Utilizing graph neural networks for knowledge embedding to accomplish the task of knowledge graph completion(KGC)has become an important research area in knowledge graph completion.However,the number of nodes in the k... Utilizing graph neural networks for knowledge embedding to accomplish the task of knowledge graph completion(KGC)has become an important research area in knowledge graph completion.However,the number of nodes in the knowledge graph increases exponentially with the depth of the tree,whereas the distances of nodes in Euclidean space are second-order polynomial distances,whereby knowledge embedding using graph neural networks in Euclidean space will not represent the distances between nodes well.This paper introduces a novel approach called hyperbolic hierarchical graph attention network(H2GAT)to rectify this limitation.Firstly,the paper conducts knowledge representation in the hyperbolic space,effectively mitigating the issue of exponential growth of nodes with tree depth and consequent information loss.Secondly,it introduces a hierarchical graph atten-tion mechanism specifically designed for the hyperbolic space,allowing for enhanced capture of the network structure inherent in the knowledge graph.Finally,the efficacy of the proposed H2GAT model is evaluated on benchmark datasets,namely WN18RR and FB15K-237,thereby validating its effectiveness.The H2GAT model achieved 0.445,0.515,and 0.586 in the Hits@1,Hits@3 and Hits@10 metrics respectively on the WN18RR dataset and 0.243,0.367 and 0.518 on the FB15K-237 dataset.By incorporating hyperbolic space embedding and hierarchical graph attention,the H2GAT model successfully addresses the limitations of existing hyperbolic knowledge embedding models,exhibiting its competence in knowledge graph completion tasks. 展开更多
关键词 hyperbolic space link prediction knowledge graph embedding knowledge graph completion(KGC)
在线阅读 下载PDF
Research Progress of Knowledge Graph Based on Knowledge Base Embedding
7
作者 Tang Caifang Rao Yuan +1 位作者 Yu Hualei Cheng Jiamin 《国际计算机前沿大会会议论文集》 2018年第2期16-16,共1页
关键词 knowledge graph knowledge representationknowledge embedding DEEP LEARNING
在线阅读 下载PDF
Knowledge Graph Embedding Based on Adaptive Negative Sampling
8
作者 Saige Qin Guanjun Rao +3 位作者 Chenzhong Bin Liang Chang Tianlong Gu Wen Xuan 《国际计算机前沿大会会议论文集》 2019年第1期562-563,共2页
Knowledge graph embedding aims at embedding entities and relations in a knowledge graph into a continuous, dense, low-dimensional and realvalued vector space. Among various embedding models appeared in recent years, t... Knowledge graph embedding aims at embedding entities and relations in a knowledge graph into a continuous, dense, low-dimensional and realvalued vector space. Among various embedding models appeared in recent years, translation-based models such as TransE, TransH and TransR achieve state-of-the-art performance. However, in these models, negative triples used for training phase are generated by replacing each positive entity in positive triples with negative entities from the entity set with the same probability;as a result, a large number of invalid negative triples will be generated and used in the training process. In this paper, a method named adaptive negative sampling (ANS) is proposed to generate valid negative triples. In this method, it first divided all the entities into a number of groups which consist of similar entities by some clustering algorithms such as K-Means. Then, corresponding to each positive triple, the head entity was replaced by a negative entity from the cluster in which the head entity was located and the tail entity was replaced in a similar approach. As a result, it generated a set of high-quality negative triples which benefit for improving the effectiveness of embedding models. The ANS method was combined with the TransE model and the resulted model was named as TransE-ANS. Experimental results show that TransE-ANS achieves significant improvement in the link prediction task. 展开更多
关键词 ADAPTIVE NEGATIVE sampling knowledge graph embedding Translation-based model
在线阅读 下载PDF
Collective Entity Alignment for Knowledge Fusion of Power Grid Dispatching Knowledge Graphs 被引量:7
9
作者 Linyao Yang Chen Lv +4 位作者 Xiao Wang Ji Qiao Weiping Ding Jun Zhang Fei-Yue Wang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2022年第11期1990-2004,共15页
Knowledge graphs(KGs)have been widely accepted as powerful tools for modeling the complex relationships between concepts and developing knowledge-based services.In recent years,researchers in the field of power system... Knowledge graphs(KGs)have been widely accepted as powerful tools for modeling the complex relationships between concepts and developing knowledge-based services.In recent years,researchers in the field of power systems have explored KGs to develop intelligent dispatching systems for increasingly large power grids.With multiple power grid dispatching knowledge graphs(PDKGs)constructed by different agencies,the knowledge fusion of different PDKGs is useful for providing more accurate decision supports.To achieve this,entity alignment that aims at connecting different KGs by identifying equivalent entities is a critical step.Existing entity alignment methods cannot integrate useful structural,attribute,and relational information while calculating entities’similarities and are prone to making many-to-one alignments,thus can hardly achieve the best performance.To address these issues,this paper proposes a collective entity alignment model that integrates three kinds of available information and makes collective counterpart assignments.This model proposes a novel knowledge graph attention network(KGAT)to learn the embeddings of entities and relations explicitly and calculates entities’similarities by adaptively incorporating the structural,attribute,and relational similarities.Then,we formulate the counterpart assignment task as an integer programming(IP)problem to obtain one-to-one alignments.We not only conduct experiments on a pair of PDKGs but also evaluate o ur model on three commonly used cross-lingual KGs.Experimental comparisons indicate that our model outperforms other methods and provides an effective tool for the knowledge fusion of PDKGs. 展开更多
关键词 Entity alignment integer programming(IP) knowledge fusion knowledge graph embedding power dispatch
在线阅读 下载PDF
Joint learning based on multi-shaped filters for knowledge graph completion 被引量:2
10
作者 Li Shaojie Chen Shudong +1 位作者 Ouyang Xiaoye Gong Lichen 《High Technology Letters》 EI CAS 2021年第1期43-52,共10页
To solve the problem of missing many valid triples in knowledge graphs(KGs),a novel model based on a convolutional neural network(CNN)called ConvKG is proposed,which employs a joint learning strategy for knowledge gra... To solve the problem of missing many valid triples in knowledge graphs(KGs),a novel model based on a convolutional neural network(CNN)called ConvKG is proposed,which employs a joint learning strategy for knowledge graph completion(KGC).Related research work has shown the superiority of convolutional neural networks(CNNs)in extracting semantic features of triple embeddings.However,these researches use only one single-shaped filter and fail to extract semantic features of different granularity.To solve this problem,ConvKG exploits multi-shaped filters to co-convolute on the triple embeddings,joint learning semantic features of different granularity.Different shaped filters cover different sizes on the triple embeddings and capture pairwise interactions of different granularity among triple elements.Experimental results confirm the strength of joint learning,and compared with state-of-the-art CNN-based KGC models,ConvKG achieves the better mean rank(MR)and Hits@10 metrics on dataset WN18 RR,and the better MR on dataset FB15k-237. 展开更多
关键词 knowledge graph embedding(kge) knowledge graph completion(KGC) convolutional neural network(CNN) joint learning multi-shaped filter
在线阅读 下载PDF
Deep Knowledge Tracing Embedding Neural Network for Individualized Learning 被引量:1
11
作者 HUANG Yongfeng SHI Jie 《Journal of Donghua University(English Edition)》 EI CAS 2020年第6期512-520,共9页
Knowledge tracing is the key component in online individualized learning,which is capable of assessing the users'mastery of skills and predicting the probability that the users can solve specific problems.Availabl... Knowledge tracing is the key component in online individualized learning,which is capable of assessing the users'mastery of skills and predicting the probability that the users can solve specific problems.Available knowledge tracing models have the problem that the assessments are not directly used in the predictions.To make full use of the assessments during predictions,a novel model,named deep knowledge tracing embedding neural network(DKTENN),is proposed in this work.DKTENN is a synthesis of deep knowledge tracing(DKT)and knowledge graph embedding(KGE).DKT utilizes sophisticated long short-term memory(LSTM)to assess the users and track the mastery of skills according to the users'interaction sequences with skill-level tags,and KGE is applied to predict the probability on the basis of both the embedded problems and DKT's assessments.DKTENN outperforms performance factors analysis and the other knowledge tracing models based on deep learning in the experiments. 展开更多
关键词 knowledge tracing knowledge graph embedding(kge) deep neural network user assessment personalized prediction
在线阅读 下载PDF
Fusion Recommendation System Based on Collaborative Filtering and Knowledge Graph 被引量:3
12
作者 Donglei Lu Dongjie Zhu +6 位作者 Haiwen Du Yundong Sun Yansong Wang Xiaofang Li Rongning Qu Ning Cao Russell Higgs 《Computer Systems Science & Engineering》 SCIE EI 2022年第9期1133-1146,共14页
The recommendation algorithm based on collaborative filtering is currently the most successful recommendation method. It recommends items to theuser based on the known historical interaction data of the target user. F... The recommendation algorithm based on collaborative filtering is currently the most successful recommendation method. It recommends items to theuser based on the known historical interaction data of the target user. Furthermore,the combination of the recommended algorithm based on collaborative filtrationand other auxiliary knowledge base is an effective way to improve the performance of the recommended system, of which the Co-Factorization Model(CoFM) is one representative research. CoFM, a fusion recommendation modelcombining the collaborative filtering model FM and the graph embeddingmodel TransE, introduces the information of many entities and their relationsin the knowledge graph into the recommendation system as effective auxiliaryinformation. It can effectively improve the accuracy of recommendations andalleviate the problem of sparse user historical interaction data. Unfortunately,the graph-embedded model TransE used in the CoFM model cannot solve the1-N, N-1, and N-N problems well. To tackle this problem, a novel fusion recommendation model Joint Factorization Machines and TransH Model (JFMH) isproposed, which improves CoFM by replacing the TransE model with TransHmodel. A large number of experiments on two widely used benchmark data setsshow that compared with CoFM, JFMH has improved performance in terms ofitem recommendation and knowledge graph completion, and is more competitivethan multiple baseline methods. 展开更多
关键词 Fusion recommendation system knowledge graph graph embedding
在线阅读 下载PDF
Research on knowledge reasoning of TCM based on knowledge graphs 被引量:8
13
作者 GUO Zhiheng LIU Qingping ZOU Beiji 《Digital Chinese Medicine》 2022年第4期386-393,共8页
With the widespread use of Internet,the amount of data in the field of traditional Chinese medicine(TCM)is growing exponentially.Consequently,there is much attention on the collection of useful knowledge as well as it... With the widespread use of Internet,the amount of data in the field of traditional Chinese medicine(TCM)is growing exponentially.Consequently,there is much attention on the collection of useful knowledge as well as its effective organization and expression.Knowledge graphs have thus emerged,and knowledge reasoning based on this tool has become one of the hot spots of research.This paper first presents a brief introduction to the development of knowledge graphs and knowledge reasoning,and explores the significance of knowledge reasoning.Secondly,the mainstream knowledge reasoning methods,including knowledge reasoning based on traditional rules,knowledge reasoning based on distributed feature representation,and knowledge reasoning based on neural networks are introduced.Then,using stroke as an example,the knowledge reasoning methods are expounded,the principles and characteristics of commonly used knowledge reasoning methods are summarized,and the research and applications of knowledge reasoning techniques in TCM in recent years are sorted out.Finally,we summarize the problems faced in the development of knowledge reasoning in TCM,and put forward the importance of constructing a knowledge reasoning model suitable for the field of TCM. 展开更多
关键词 Traditional Chinese medicine(TCM) STROKE knowledge graph knowledge reasoning Assisted decision-making Transloction embedding(TransE)model
在线阅读 下载PDF
Aligned-entities-Based Fusion Embedding on Hetero-field Knowledge Graphs
14
作者 Peng Xiao Chao Liu +1 位作者 Wei Jia Lijun Dong 《Data Intelligence》 2025年第3期618-635,共18页
The means of knowledge graph embedding is to transform entities and relations into low-dimensional vectors.When it is necessary to obtain the embedding results of two hetero-field knowledge graphs in a unified vector ... The means of knowledge graph embedding is to transform entities and relations into low-dimensional vectors.When it is necessary to obtain the embedding results of two hetero-field knowledge graphs in a unified vector space,there are only a few aligned entities between them,previous methods first need to merge the two graphs into a large graph,and then re-embed the entire large graph.This ignores the potential reuse of the original representation embeddings of two knowledge graphs and will lead to a lot of time consumption.To address this problem,this paper proposes a hetero-field knowledge graph embedding fusion model(BlockEF)based on aligned entities.According to the fact that the aligned entities of the two graphs should be located in the same position in the vector space,the transformation relationship between the embeddings of two graphs is firstly obtained,and then graph embedding is fine-tuned and optimized to achieve efficient fusion of hetero-field knowledge graph embeddings.The experimental results show that our method can significantly reduce the computational burden of heterofield knowledge graph embedding fusion and ensure the quality of embedding fusion. 展开更多
关键词 knowledge graph knowledge representation embedding Aligned entities Link prediction
原文传递
Construction of well logging knowledge graph and intelligent identification method of hydrocarbon-bearing formation 被引量:1
15
作者 LIU Guoqiang GONG Renbin +4 位作者 SHI Yujiang WANG Zhenzhen MI Lan YUAN Chao ZHONG Jibin 《Petroleum Exploration and Development》 CSCD 2022年第3期572-585,共14页
Based on the well logging knowledge graph of hydrocarbon-bearing formation(HBF),a Knowledge-Powered Neural Network Formation Evaluation model(KPNFE)has been proposed.It has the following functions:(1)extracting charac... Based on the well logging knowledge graph of hydrocarbon-bearing formation(HBF),a Knowledge-Powered Neural Network Formation Evaluation model(KPNFE)has been proposed.It has the following functions:(1)extracting characteristic parameters describing HBF in multiple dimensions and multiple scales;(2)showing the characteristic parameter-related entities,relationships,and attributes as vectors via graph embedding technique;(3)intelligently identifying HBF;(4)seamlessly integrating expertise into the intelligent computing to establish the assessment system and ranking algorithm for potential pay recommendation.Taking 547 wells encountered the low porosity and low permeability Chang 6 Member of Triassic in the Jiyuan Block of Ordos Basin,NW China as objects,80%of the wells were randomly selected as the training dataset and the remainder as the validation dataset.The KPNFE prediction results on the validation dataset had a coincidence rate of 94.43%with the expert interpretation results and a coincidence rate of 84.38%for all the oil testing layers,which is 13 percentage points higher in accuracy and over 100 times faster than the primary conventional interpretation.In addition,a number of potential pays likely to produce industrial oil were recommended.The KPNFE model effectively inherits,carries forward and improves the expert knowledge,nicely solving the robustness problem in HBF identification.The KPNFE,with good interpretability and high accuracy of computation results,is a powerful technical means for efficient and high-quality well logging re-evaluation of old wells in mature oilfields. 展开更多
关键词 well logging hydrocarbon bearing formation identification knowledge graph graph embedding technique intelligent identification neural network
在线阅读 下载PDF
Knowledge Graph Representation Learning Based on Automatic Network Search for Link Prediction
16
作者 Zefeng Gu Hua Chen 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第6期2497-2514,共18页
Link prediction,also known as Knowledge Graph Completion(KGC),is the common task in Knowledge Graphs(KGs)to predict missing connections between entities.Most existing methods focus on designing shallow,scalable models... Link prediction,also known as Knowledge Graph Completion(KGC),is the common task in Knowledge Graphs(KGs)to predict missing connections between entities.Most existing methods focus on designing shallow,scalable models,which have less expressive than deep,multi-layer models.Furthermore,most operations like addition,matrix multiplications or factorization are handcrafted based on a few known relation patterns in several wellknown datasets,such as FB15k,WN18,etc.However,due to the diversity and complex nature of real-world data distribution,it is inherently difficult to preset all latent patterns.To address this issue,we proposeKGE-ANS,a novel knowledge graph embedding framework for general link prediction tasks using automatic network search.KGEANS can learn a deep,multi-layer effective architecture to adapt to different datasets through neural architecture search.In addition,the general search spacewe designed is tailored forKGtasks.We performextensive experiments on benchmark datasets and the dataset constructed in this paper.The results show that our KGE-ANS outperforms several state-of-the-art methods,especially on these datasets with complex relation patterns. 展开更多
关键词 knowledge graph embedding link prediction automatic network search
在线阅读 下载PDF
RESCAL-DLP:融合动态学习二元组的图谱嵌入模型
17
作者 冯勇 闫寒 +2 位作者 徐红艳 徐涵琪 贾永鑫 《中文信息学报》 北大核心 2025年第7期17-26,共10页
知识图谱现有数据集大多因不够完整导致嵌入表示不准确,目前主要是通过添加信息来保证嵌入准确性,但存在过多依赖添加三元组以外的附加信息、忽略挖掘三元组自身的有效信息等问题。二元组是由三元组中的关系与头实体或尾实体组成的实体... 知识图谱现有数据集大多因不够完整导致嵌入表示不准确,目前主要是通过添加信息来保证嵌入准确性,但存在过多依赖添加三元组以外的附加信息、忽略挖掘三元组自身的有效信息等问题。二元组是由三元组中的关系与头实体或尾实体组成的实体关系对,当前研究较少考虑利用二元组潜在的语义信息来提升嵌入的效果。为此,该文提出了一种融合动态学习二元组的图谱嵌入模型(RESCAL-DLP)。首先,使用正负实例构建策略进行数据扩充,使数据集包含更丰富的二元组的特征信息;其次,通过对比学习二元组的语义相似度来加强模型的学习能力,提升嵌入效果;最后,动态调整二元组学习权重进行模型训练。在两个公开标准数据集WN18RR、FB15K-237上进行链接预测实验以评估所提模型的效果。实验结果表明,所提模型相较于当前主流模型在各项指标上均有一定的提升,并在最小化计算资源和模型训练时间的前提下,取得了令人满意的结果。 展开更多
关键词 知识图谱 嵌入表示 数据扩充 二元组 对比学习
在线阅读 下载PDF
基于图谱嵌入的知识图谱数据精度优化与去噪算法
18
作者 彭商濂 刘星宇 +3 位作者 陆帆 蒋佳利 王文博 纪怡 《印刷与数字媒体技术研究》 北大核心 2025年第5期91-100,共10页
知识图谱中常含有结构冗余、不一致性和噪声信息,这会影响推理与决策效果。随着大规模知识图谱的广泛应用,提升其数据精度与质量已成为课题研究重点。为此,本研究提出一种基于图谱嵌入与置信度加权机制的知识图谱精度优化与去噪算法。首... 知识图谱中常含有结构冗余、不一致性和噪声信息,这会影响推理与决策效果。随着大规模知识图谱的广泛应用,提升其数据精度与质量已成为课题研究重点。为此,本研究提出一种基于图谱嵌入与置信度加权机制的知识图谱精度优化与去噪算法。首先,该方法通过TransE模型学习实体和关系的低维表示。然后,结合实体相似度聚类与关系置信度计算实现噪声识别与三元组剔除。最后,在此基础上构建加权嵌入优化函数,提升嵌入的语义表示能力。在FB15K-237与WN18RR等数据集上进行了对比实验,结果显示本研究方法在嵌入质量、去噪能力与计算效率等方面均优于现有主流方法,表明其在知识图谱构建与清洗场景中具有良好的实用价值。 展开更多
关键词 图谱嵌入 知识图谱 去噪 精度优化 图结构学习
在线阅读 下载PDF
基于开放域知识图谱嵌入的网络舆情人名消歧模型
19
作者 刘金硕 张思奇 《武汉大学学报(工学版)》 北大核心 2025年第2期316-324,共9页
针对网络舆情热点人名消歧任务难以有效获取和融合文本及外部特征的问题,提出了开放域知识图谱嵌入的方法。构建了新的知识图谱嵌入模型TransOD,将原本的知识嵌入投影到基于Transformer的双向编码器(bidirectional encoder representati... 针对网络舆情热点人名消歧任务难以有效获取和融合文本及外部特征的问题,提出了开放域知识图谱嵌入的方法。构建了新的知识图谱嵌入模型TransOD,将原本的知识嵌入投影到基于Transformer的双向编码器(bidirectional encoder representations for transformers,BERT)语义空间,采用多维高斯分布表示开放域实体和关系的不确定性,充分利用并结构化地理解语义信息,获取特征向量。随后定义了文本间相似度的计算方法,并通过设计聚类方法实现消歧。在网络人物搜索评测会议(web people search evaluation campaign,WePS)3年的评测数据集上,F0.5值较现有最优方法分别提升了0.034、0.043和0.102。同时验证了TransOD的开放域链接预测效果相较于现有的最优知识图谱嵌入方法,平均倒数排名(mean reciprocal rank,MRR)、Hits@1和Hits@10分别提升了0.049、19.3%和4.8%,开放域三元组补全的准确率提升了11.7%。 展开更多
关键词 网络舆情人名消歧 知识图谱 知识图谱嵌入 开放域任务 聚类
原文传递
QuatCNNEx:一种面向多关系模式的知识图谱嵌入模型
20
作者 熊伟 陈浩 苏鸿宇 《计算机学报》 北大核心 2025年第1期124-135,共12页
在大数据时代,快速的数据增长引发了信息过载的问题。一方面,在海量的数据中人们难以快速获取自己想要的内容;另一方面,一些用户虽然知道自己想要什么,但在不知道如何描述时,搜索引擎往往不能提供帮助。因此如何更加有效地表达和获取有... 在大数据时代,快速的数据增长引发了信息过载的问题。一方面,在海量的数据中人们难以快速获取自己想要的内容;另一方面,一些用户虽然知道自己想要什么,但在不知道如何描述时,搜索引擎往往不能提供帮助。因此如何更加有效地表达和获取有价值的信息是一个挑战。知识图谱是一种被广泛使用的知识模型,可以保存大量节点和边形式的知识。知识图谱嵌入可以通过向量表示知识的语义信息,因此采用知识图谱嵌入模型可以利用图谱中的知识辅助提升人们获取信息的效率。知识图谱嵌入的主要思想是通过连续的向量空间表示知识图谱中实体和关系的语义联系。这种技术在链接预测、问答系统、推荐系统以及自然语言处理领域等知识图谱其他下游任务方面展现出较好的能力。现有的知识图谱嵌入方法主要有基于距离的模型、语义匹配模型、神经网络模型等。这些模型或者没有充分利用实体和关系的交互特征信息,或者组合关系的建模能力较弱。因此,这些方法对知识图谱中多关系模式的三元组表示能力不足。要有效解决多关系模式的建模问题,需要结合上述模型。论文提出将四元数和卷积神经网络结合的嵌入模型QuatCNNEx。该模型借鉴了QuatE的建模思想和CNN的特征提取能力。将建模过程由复数空间扩展至四元数空间,进一步提高嵌入模型的表达能力。QuatCNNEx将嵌入实体和关系的四元数作为CNN模型的输入。该模型使用四元数表达实体和关系更丰富的特征,从而具有建模多关系模式的能力。在此基础上,利用特征嵌入与头实体嵌入的Hadamard积使得头实体嵌入得到关系嵌入的特征。然后,再通过关系嵌入与头实体嵌入的Hamilton积实现头实体在四元数空间中的旋转,得到尾实体的嵌入表示。从而使用Hadamard积和Hamilton积的组合运算,通过迭代优化得到三元组的嵌入表示。通过链接预测实验,论文提出的方法与现有的主要模型在MRR、Hit@3、Hit@1指标上进行了对比。实验结果表明,本文方法在关系数量更多的基准测试集上取得了最优结果。与神经网络模型ConEx和基于四元数的模型QuatE相比,QuatCNNEx在MRR、Hit@3、Hit@1三个指标上分别提高0.3%和0.3%、0.5%和1%、0.4%和0.4%,这表明该模型能够有效利用实体和关系的交互特征信息表示知识图谱中的多关系模式。 展开更多
关键词 知识图谱 链接预测 嵌入表示 四元数 卷积神经网络
在线阅读 下载PDF
上一页 1 2 13 下一页 到第
使用帮助 返回顶部