All Projects → malllabiisc → InteractE

malllabiisc / InteractE

Licence: Apache-2.0 license
AAAI 2020 - InteractE: Improving Convolution-based Knowledge Graph Embeddings by Increasing Feature Interactions

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to InteractE

STransE
STransE: a novel embedding model of entities and relationships in knowledge bases (NAACL 2016)
Stars: ✭ 50 (-27.54%)
Mutual labels:  knowledge-graph-completion, knowledge-graph-embeddings
BiLSTM-and-CNN-for-Link-Prediction
Keras implementation of path-based link prediction model for knowledge graph completion
Stars: ✭ 17 (-75.36%)
Mutual labels:  knowledge-graph-completion, knowledge-graph-embeddings
ACT AAAI20
code for AAAI 2020 paper "ACT"
Stars: ✭ 105 (+52.17%)
Mutual labels:  aaai2020
kg-reeval
ACL 2020: A Re-evaluation of Knowledge Graph Completion Methods
Stars: ✭ 117 (+69.57%)
Mutual labels:  knowledge-graph-completion
LR-GCCF
Revisiting Graph based Collaborative Filtering: A Linear Residual Graph Convolutional Network Approach, AAAI2020
Stars: ✭ 99 (+43.48%)
Mutual labels:  aaai2020
symmetrical-synthesis
Official Tensorflow implementation of "Symmetrical Synthesis for Deep Metric Learning" (AAAI 2020)
Stars: ✭ 67 (-2.9%)
Mutual labels:  aaai2020
LCMCG-PyTorch
AAAI2020-The official implementation of "Learning Cross-modal Context Graph for Visual Grounding"
Stars: ✭ 53 (-23.19%)
Mutual labels:  aaai2020
recurrent-decoding-cell
[AAAI'20] Segmenting Medical MRI via Recurrent Decoding Cell (Spotlight)
Stars: ✭ 14 (-79.71%)
Mutual labels:  aaai2020
FISR
Official repository of FISR (AAAI 2020).
Stars: ✭ 72 (+4.35%)
Mutual labels:  aaai2020
KGE
Some papers on Knowledge Graph Embedding(KGE)
Stars: ✭ 705 (+921.74%)
Mutual labels:  knowledge-graph-completion
kglib
TypeDB-ML is the Machine Learning integrations library for TypeDB
Stars: ✭ 523 (+657.97%)
Mutual labels:  knowledge-graph-completion
TransC
Source code and datasets of EMNLP2018 paper: "Differentiating Concepts and Instances for Knowledge Graph Embedding".
Stars: ✭ 75 (+8.7%)
Mutual labels:  knowledge-graph-embeddings
Ampligraph
Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org
Stars: ✭ 1,662 (+2308.7%)
Mutual labels:  knowledge-graph-embeddings
WeFEND-AAAI20
Dataset for paper "Weak Supervision for Fake News Detection via Reinforcement Learning" published in AAAI'2020.
Stars: ✭ 67 (-2.9%)
Mutual labels:  aaai2020
doctoral-thesis
📖 Generation and Applications of Knowledge Graphs in Systems and Networks Biology
Stars: ✭ 26 (-62.32%)
Mutual labels:  knowledge-graph-embeddings
TSP-PRL
Tree-Structured Policy based Progressive Reinforcement Learning for Temporally Language Grounding in Video (AAAI2020)
Stars: ✭ 39 (-43.48%)
Mutual labels:  aaai2020
R-MeN
Transformer-based Memory Networks for Knowledge Graph Embeddings (ACL 2020) (Pytorch and Tensorflow)
Stars: ✭ 74 (+7.25%)
Mutual labels:  knowledge-graph-embeddings
Knowledge Graph Wander
A collection of papers, codes, projects, tutorials ... for Knowledge Graph and other NLP methods
Stars: ✭ 26 (-62.32%)
Mutual labels:  knowledge-graph-embeddings
DSKG
No description or website provided.
Stars: ✭ 65 (-5.8%)
Mutual labels:  knowledge-graph-completion
SSNM-Coseg
[AAAI20] Deep Object Co-segmentation via Spatial-Semantic Network Modulation(Oral paper)
Stars: ✭ 21 (-69.57%)
Mutual labels:  aaai2020

InteractE

Improving Convolution-based Knowledge Graph Embeddings by Increasing Feature Interactions

Overview of InteractE ...

Given entity and relation embeddings, InteractE generates multiple permutations of these embeddings and reshapes them using a "Chequered" reshaping function. Depthwise circular convolution is employed to convolve each of the reshaped permutations, which are then fed to a fully-connected layer to compute scores. Please refer to Section 6 of the paper for details.*

Dependencies

  • Compatible with PyTorch 1.0 and Python 3.x.
  • Dependencies can be installed using requirements.txt.

Dataset:

  • We use FB15k-237, WN18RR and YAGO3-10 datasets for evaluation.
  • FB15k-237, WN18RR are included in the repo. YAGO3-10 can be downloaded from here.

Training model from scratch:

  • Install all the requirements from requirements.txt.

  • Execute sh preprocess.sh for extracting the datasets and setting up the environment.

  • To start training InteractE run:

    # FB15k-237
    python interacte.py --data FB15k-237 --gpu 0 --name fb15k_237_run
    
    # WN18RR
    python interacte.py --data WN18RR --batch 256 --train_strategy one_to_n --feat_drop 0.2 --hid_drop 0.3 --perm 4 --ker_sz 11 --lr 0.001
    
    # YAGO03-10
    python interacte.py --data YAGO3-10 --train_strategy one_to_n  --feat_drop 0.2 --hid_drop 0.3 --ker_sz 7 --num_filt 64 --perm 2
    • data indicates the dataset used for training the model. Other options are WN18RR and YAGO3-10.
    • gpu is the GPU used for training the model.
    • name is the provided name of the run which can be later used for restoring the model.
    • Execute python interacte.py --help for listing all the available options.

Evaluating Pre-trained model:

  • Execute sh preprocess.sh for extracting the datasets and setting up the environment.

  • Download the pre-trained model from here and place in torch_saved directory.

  • To restore and evaluate run:

    python interacte.py --data FB15k-237 --gpu 0 --name fb15k_237_pretrained --restore --epoch 0

Citation:

Please cite the following paper if you use this code in your work.

@inproceedings{interacte2020,
  title={InteractE: Improving Convolution-based Knowledge Graph Embeddings by Increasing Feature Interactions},
  author={Vashishth, Shikhar and Sanyal, Soumya and Nitin, Vikram and Agrawal, Nilesh and Talukdar, Partha},
  booktitle={Proceedings of the 34th AAAI Conference on Artificial Intelligence},
  pages={3009--3016},
  publisher={AAAI Press},
  url={https://aaai.org/ojs/index.php/AAAI/article/view/5694},
  year={2020}
}

For any clarification, comments, or suggestions please create an issue or contact Shikhar.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].