Topic: "knowledge-graph-completion"
shaoxiongji/knowledge-graphs
A collection of research on knowledge graphs
Language: JavaScript - Size: 199 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 1,731 - Forks: 295

woojeongjin/dynamic-KG
Dynamic (Temporal) Knowledge Graph Completion (Reasoning)
Size: 24.4 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 588 - Forks: 112

typedb/typedb-ml 📦
TypeDB-ML is the Machine Learning integrations library for TypeDB
Language: Python - Size: 11 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 551 - Forks: 93

zjunlp/AutoKG
LLMs for Knowledge Graph Construction and Reasoning: Recent Capabilities and Future Opportunities
Language: Python - Size: 38.7 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 379 - Forks: 34

zjukg/NeuralKG
[Tool] For Knowledge Graph Representation Learning
Language: Python - Size: 62.8 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 352 - Forks: 64

mana-ysh/knowledge-graph-embeddings 📦
Implementations of Embedding-based methods for Knowledge Base Completion tasks
Language: Python - Size: 10.2 MB - Last synced at: 4 days ago - Pushed at: over 4 years ago - Stars: 257 - Forks: 63

zjukg/MyGO
[Paper][AAAI 2025] (MyGO)Tokenization, Fusion, and Augmentation: Towards Fine-grained Multi-modal Entity Representation
Language: Python - Size: 90.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 242 - Forks: 4

villmow/datasets_knowledge_embedding
Datasets for Knowledge Graph Completion with textual information about the entities
Size: 122 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 238 - Forks: 51

MIRALab-USTC/KGE-HAKE
The code of paper Learning Hierarchy-Aware Knowledge Graph Embeddings for Link Prediction. Zhanqiu Zhang, Jianyu Cai, Yongdong Zhang, Jie Wang. AAAI 2020.
Language: Python - Size: 23.9 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 227 - Forks: 51

daiquocnguyen/ConvKB
A Novel Embedding Model for Knowledge Base Completion Based on Convolutional Neural Network (NAACL 2018) (Pytorch and Tensorflow)
Language: Python - Size: 63.5 MB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 204 - Forks: 39

Mehran-k/SimplE
SimplE Embedding for Link Prediction in Knowledge Graphs
Language: Python - Size: 8.42 MB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 143 - Forks: 34

daiquocnguyen/CapsE
A Capsule Network-based Embedding Model for Knowledge Graph Completion and Search Personalization (NAACL 2019)
Language: Python - Size: 99.3 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 139 - Forks: 32

mklimasz/TransE-PyTorch
Implementation of TransE model in PyTorch.
Language: Python - Size: 27.3 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 135 - Forks: 32

svjan5/kg-reeval
ACL 2020: A Re-evaluation of Knowledge Graph Completion Methods
Language: Python - Size: 33.9 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 132 - Forks: 26

zjukg/KoPA
[Paper][ACM MM 2024] Making Large Language Models Perform Better in Knowledge Graph Completion
Language: Python - Size: 2.85 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 123 - Forks: 8

zjunlp/Relphormer
[Neurocomputing 2023] Relational Graph Transformer for Knowledge Graph Representation
Language: Python - Size: 28.7 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 113 - Forks: 11

JD-AI-Research-Silicon-Valley/SACN
End-to-end Structure-Aware Convolutional Networks for Knowledge Base Completion
Language: Python - Size: 8.21 MB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 113 - Forks: 30

bxshi/ConMask
ConMask model described in paper Open-world Knowledge Graph Completion.
Language: Python - Size: 87.9 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 105 - Forks: 34

intfloat/SimKGC
ACL 2022, SimKGC: Simple Contrastive Knowledge Graph Completion with Pre-trained Language Models
Language: Python - Size: 15.3 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 98 - Forks: 21

dapurv5/neural_kbqa
Knowledge Base Question Answering using memory networks
Language: Python - Size: 29.8 MB - Last synced at: 15 days ago - Pushed at: almost 8 years ago - Stars: 87 - Forks: 30

malllabiisc/InteractE
AAAI 2020 - InteractE: Improving Convolution-based Knowledge Graph Embeddings by Increasing Feature Interactions
Language: Python - Size: 4.36 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 81 - Forks: 20

bxshi/ProjE
Embedding Projection for Knowledge Graph Completion
Language: Python - Size: 921 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 77 - Forks: 40

nju-websoft/DSKG
Language: Jupyter Notebook - Size: 48.8 MB - Last synced at: 12 months ago - Pushed at: almost 6 years ago - Stars: 66 - Forks: 27

datquocnguyen/STransE
STransE: a novel embedding model of entities and relationships in knowledge bases (NAACL 2016)
Language: C++ - Size: 36.4 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 51 - Forks: 16

MIRALab-USTC/KGE-DURA
The code of paper Duality-Induced Regularizer for Tensor Factorization Based Knowledge Graph Completion. Zhanqiu Zhang, Jianyu Cai, Jie Wang. NeurIPS 2020.
Language: Python - Size: 8.86 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 40 - Forks: 7

daiquocnguyen/GNN-NoGE
Graph Neural Networks for Knowledge Graph Link Prediction (WSDM 2022) (Pytorch)
Language: Python - Size: 10.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 33 - Forks: 4

RManLuo/NP-FKGC
Official code implementation for SIGIR 23 paper Normalizing Flow-based Neural Process for Few-Shot Knowledge Graph Completion
Language: Python - Size: 38.1 KB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 32 - Forks: 4

daiquocnguyen/QuatRE
QuatRE: Relation-Aware Quaternions for Knowledge Graph Embeddings (TheWebConf WWW 2022) (Pytorch)
Language: Python - Size: 12.7 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 29 - Forks: 3

GemsLab/KGist
Knowledge Graph summarization for anomaly/error detection & completion (WebConf '20)
Language: Python - Size: 58.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 28 - Forks: 5

vinhsuhi/JMAC
Joint Multilingual Knowledge Graph Completion and Alignment (Findings of EMNLP 2022) (Pytorch)
Language: Python - Size: 15.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 0

MIRALab-USTC/KGEPapers
Must-read papers on Knowledge Graph Embedding
Size: 36.1 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 25 - Forks: 6

zjukg/MoMoK
[Paper][ICLR 2025] Multiple Heads are Better than One: Mixture of Modality Knowledge Experts for Entity Representation Learning
Language: Python - Size: 6.99 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 24 - Forks: 2

Yueshengxia/KGE
Some papers on knowledge graph embedding
Size: 1.37 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 24 - Forks: 1

GKNL/SMiLE
『EMNLP 2022 Findings』SMiLE: Schema-augmented Multi-level Contrastive Learning for Knowledge Graph Link Prediction
Language: Python - Size: 6.45 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 2

zjukg/NATIVE
[Paper][SIGIR 2024] NativE: Multi-modal Knowledge Graph Completion in the Wild
Language: Python - Size: 10.2 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 18 - Forks: 1

spacewalk01/cnn-lstm-for-link-prediction
Keras implementation of path-based link prediction model for knowledge graph completion
Language: Python - Size: 53.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 8

AstraZeneca/biomedical-kg-topological-imbalance
Code to accompany the "Implications of Topological Imbalance for Representation Learning on Biomedical Knowledge Graphs" (Briefings in Bioinformatics, 2022)
Language: Jupyter Notebook - Size: 48.1 MB - Last synced at: 21 days ago - Pushed at: about 2 months ago - Stars: 17 - Forks: 0

zhangfw123/TLT-KGE
Along the Time: Timeline-traced Embedding for Temporal Knowledge Graph Completion
Language: Python - Size: 27.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 4

luffycodes/neptune
Code for NePTuNe: Neural Powered Tucker Network for Knowledge Graph Completion
Language: Python - Size: 4.23 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 16 - Forks: 3

nicolas-hbt/semantic-lossfunc
Treat Different Negatives Differently: Enriching Loss Functions with Domain and Range Constraints for Link Prediction
Language: Python - Size: 27.4 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 14 - Forks: 3

nicolas-hbt/versatile-embeddings
Learn Versatile Knowledge Graph Embeddings by Capturing Semantics with MASCHInE
Language: Python - Size: 898 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 14 - Forks: 3

RichardHGL/UPGAN
This repository contains the source code for the WWW 2020 paper "Mining Implicit Entity Preference from User-Item Interaction Data for Knowledge Graph Completion via Adversarial Learning"
Language: Python - Size: 3.1 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 14 - Forks: 7

zjukg/SNAG
[Paper][COLING 2025] Noise-powered Multi-modal Knowledge Graph Representation Framework
Language: Python - Size: 899 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 13 - Forks: 1

suamin/LowFER
LowFER: Low-rank Bilinear Pooling for Link Prediction (ICML 2020)
Language: Python - Size: 12.1 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 5

kahrabian/tkgc
Implementation of some of the Temporal Knowledge Graph Completion algorithms
Language: Python - Size: 237 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 13 - Forks: 2

zjukg/AdaMF-MAT
[Paper][LREC-COLING 2024] Unleashing the Power of Imbalanced Modality Information for Multi-modal Knowledge Graph Completion
Language: Python - Size: 1.91 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 1

RichardHGL/Awesome-KGC
Some related projects and research about knowledge graph completion task
Size: 32.2 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 11 - Forks: 2

mana-ysh/symmetry-learning-kgc
Python implementation of "Data-dependent Learning of Symmetric/Antisymmetric Relations for Knowledge Base Completion [Manabe+. 2018]"
Language: Python - Size: 11.7 MB - Last synced at: 4 days ago - Pushed at: about 7 years ago - Stars: 11 - Forks: 1

iodike/ChronoKGE
ChronoKGE - A knowledge graph embedding framework for time-focused representation learning (RepL4NLP @ ACL 2022)
Language: Python - Size: 80.4 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 2

nddsg/ProjE Fork of bxshi/ProjE
Embedding Projection for Knowledge Graph Completion
Language: Python - Size: 919 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 8

idirlab/freebases
Properly pre-processed full-scale Freebase datasets
Language: Python - Size: 5.91 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 5 - Forks: 0

yanfeng98/pybind11-OpenKE 📦
基于 OpenKE-PyTorch 开发的知识图谱嵌入工具包,支持跨平台运行,具备自动超参数搜索、高效并行训练以及实验结果记录功能,为研究与应用提供强大助力。
Language: Python - Size: 282 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 5 - Forks: 0

NSLab-CUK/Halal-or-Not
Halal or Not is a novel Attributed Knowledge Graph Completion Model developed by NS Lab @ CUK based on pure PyTorch backend. This model aims at analyzing ingredients of everyday products to predict their cultural availability, e.g. predicting whether food or cosmetics meet halal or vegan criteria.
Language: Python - Size: 28.9 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 0

simoncharmms/crmrr
We present a new rank-based metric for embedding based Knowledge Graph Completion models.
Language: Python - Size: 11 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

giacoballoccu/path-explanation-quality-guided-reasoning
In- and post- process methods for optimizing explanations path based on newly defined quantitative explanation metrics
Language: Python - Size: 139 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

mommi84/Mandolin
❇️ Markov Logic Networks for the Discovery of Links.
Language: Java - Size: 14.1 MB - Last synced at: 5 months ago - Pushed at: almost 8 years ago - Stars: 4 - Forks: 1

ralgond/Codes-for-CAAI-BDSC2023-CUP-1st-place-solution
CAAI BDSC2023 CUP 任务1《社交图谱小样本场景链接预测》,初复赛第一名的代码,主要思路基于知识图谱
Language: Python - Size: 1010 KB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

LB0828/FtG
[COLING'25] Filter-then-Generate: Large Language Models with Structure-Text Adapter for Knowledge Graph Completion
Language: Python - Size: 7.16 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

IonutIga/LLMs-for-KGC
Repository for experiments regarding the assessment of the suitability of LLMs for Knowledge Graph Completion task, using Mixtral-8x7b, GPT-3.5-turbo, and GPT-4o.
Language: Jupyter Notebook - Size: 3.63 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 1

dice-group/ASSET
A Semi-supervised Approach for Entity Typing in Knowledge Graphs
Language: Python - Size: 16.8 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 1

Mehran-k/DE-SimplE
Code for https://arxiv.org/abs/1907.03143
Language: Python - Size: 27.2 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

idirlab/largeKGEeval
Towards a Deeper Understanding of Knowledge Graph Embeddings: A Large-Scale Evaluation
Language: Python - Size: 3.55 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

Yueshengxia54/KGE
Some papers on knowledge graph embedding
Size: 80.1 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

MAEHCM/MoCoSA
Language: Python - Size: 20.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

tolios/kg_embedding
a kg embedding repo!
Language: Python - Size: 5.24 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

CPU-DS/AD-KGE
我们的论文“基于知识图谱嵌入的阿尔茨海默病药物重定位研究”的代码。
Language: Jupyter Notebook - Size: 33.4 MB - Last synced at: 16 days ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

khalidhabiburahman/kgc-non-benchmark-employee
Source code for experiments in the papers "Beyond Benchmarks: Assessing Knowledge Graph Completion Methods on Non-Benchmark Employee Data" (IEEE 2024, yet to be published)
Language: Jupyter Notebook - Size: 14.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

martinsvat/STRiKE
Implementation of a learning and fragment-based rule inference engine -- M. Svatoš, S. Schockaert, J. Davis, and O. Kuželka: STRiKE: Rule-driven relational learning using stratified k-entailment, ECAI'20
Language: Java - Size: 310 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

besjoncifliku/word-graph-embeddings
A placeholder for my work in word embeddings and knowledge graph representations
Language: Jupyter Notebook - Size: 6.07 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ramesesz/fact_discovery
This repository provides code to replicate the experiments conducted in the research paper [Evaluation of Sampling Methods for Discovering Facts from Knowledge Graph Embeddings].
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

parsa-abbasi/RAGATv2 Fork of liuxiyang641/RAGAT
An enhanced model known as RAGATv2 which is built upon the structure of the Relation Aware Graph Attention Network (RAGAT)
Language: Jupyter Notebook - Size: 6.73 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

andrealenzi11/knowledge-graph-pruning-2022
Experiments on Knowledge Graph Embeddings models for link prediction and deletion
Language: Python - Size: 640 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

KathleenQ/context-aware-doc-analysis
Codes for my Honours Research Project "Context-Aware Document Analysis"
Language: Python - Size: 30.9 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0
