• Stars
    star
    176
  • Rank 215,700 (Top 5 %)
  • Language
    Python
  • Created over 4 years ago
  • Updated about 4 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

[ACL 2020] Tensorflow implementation for "Every Document Owns Its Structure: Inductive Text Classification via Graph Neural Networks"

TextING

The code and dataset for the ACL2020 paper Every Document Owns Its Structure: Inductive Text Classification via Graph Neural Networks, implemented in Tensorflow.

Some functions are based on Text GCN. Thank for their work.

Requirements

  • Python 3.6+
  • Tensorflow/Tensorflow-gpu 1.12.0
  • Scipy 1.5.1

Usage

Download pre-trained word embeddings glove.6B.300d.txt from here and unzip to the repository.

Build graphs from the datasets in data/corpus/ as:

python build_graph.py [DATASET] [WINSIZE]

Provided datasets include mr,ohsumed,R8andR52. The default sliding window size is 3.

To use your own dataset, put the text file under data/corpus/ and the label file under data/ as other datasets do. Preprocess the text by running remove_words.py before building the graphs.

Start training and inference as:

python train.py [--dataset DATASET] [--learning_rate LR]
                [--epochs EPOCHS] [--batch_size BATCHSIZE]
                [--hidden HIDDEN] [--steps STEPS]
                [--dropout DROPOUT] [--weight_decay WD]

To reproduce the result, large hidden size and batch size are suggested as long as your memory allows. We report our result based on 96 hidden size with 1 batch. For the sake of memory efficiency, you may change according to your hardware.

Citation

@inproceedings{zhang2020every,
  title={Every Document Owns Its Structure: Inductive Text Classification via Graph Neural Networks},
  author={Zhang, Yufeng and Yu, Xueli and Cui, Zeyu and Wu, Shu and Wen, Zhongzhen and Wang, Liang},
  booktitle="Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics",
  year={2020}
}

More Repositories

1

SR-GNN

[AAAI 2019] Source code and datasets for "Session-based Recommendation with Graph Neural Networks"
Python
817
star
2

GRACE

[GRL+ @ ICML 2020] PyTorch implementation for "Deep Graph Contrastive Representation Learning" (https://arxiv.org/abs/2006.04131v2)
Python
278
star
3

GCA

[WWW 2021] Source code for "Graph Contrastive Learning with Adaptive Augmentation"
Python
146
star
4

H-GCN

[IJCAI 2019] Source code and datasets for "Hierarchical Graph Convolutional Networks for Semi-supervised Node Classification"
Python
114
star
5

NGNN

[WWW 2019] Code and dataset for "Dressing as a Whole: Outfit Compatibility Learning Based on Node-wise Graph Neural Networks"
Python
81
star
6

Fi_GNN

[CIKM 2019] Code and dataset for "Fi-GNN: Modeling Feature Interactions via Graph Neural Networks for CTR Prediction"
80
star
7

A-PGNN

[TKDE 2021] Source code and datasets for the paper "Personalizing Graph Neural Networks with Attention Mechanism for Session-based Recommendation"
Python
80
star
8

GraphCTR

This repo includes some graph-based CTR prediction models and other representative baselines.
Python
64
star
9

DGSR

[TKDE 2022] The source code of "Dynamic Graph Neural Networks for Sequential Recommendation"
Python
62
star
10

TAGNN

[SIGIR 2020] Python implementation for "TAGNN: Target Attentive Graph Neural Networks for Session-based Recommendation"
Python
50
star
11

GET

[WWW 2022] The source code of "Evidence-aware Fake News Detection with Graph Neural Networks"
Python
43
star
12

DGCF

[ICDM 2020] Python implementation for "Dynamic Graph Collaborative Filtering."
Python
42
star
13

LATTICE

[ACMMM 2021] PyTorch implementation for "Mining Latent Structures for Multimedia Recommendation"
Python
34
star
14

DyGCN

Code for "DyGCN: Dynamic Graph Embedding with Graph Convolutional Network"
Python
33
star
15

HGLS

[WWW 2023] The source code of "Learning Long- and Short-term Representations for Temporal Knowledge Graph Reasoning"
Python
23
star
16

MICRO

Python
22
star
17

GETRAL

The source code of "Adversarial Contrastive Learning for Evidence-aware Fake News Detection with Graph Neural Networks
Python
18
star
18

LogicCheckGPT

[ACL 2024] Logical Closed Loop: Uncovering Object Hallucinations in Large Vision-Language Models. Detect and mitigate object hallucinations in LVLMs by itself through logical closed loops.
Python
15
star
19

GraphAIR

[PR 2021] Code for "GraphAIR: Graph Representation Learning with Neighborhood Aggregation and Interaction"
Python
11
star
20

AUG-MAE

Code for AAAI'24 paper "Rethinking Graph Masked Autoencoders through Alignment and Uniformity”.
Python
11
star
21

tgm-dlm

Code for AAAI24 paper Text-Guided Molecule Generation with Diffusion Language Model
Python
11
star
22

SCGAN

[ICME 2019] Source code and datasets for "Semi-supervised Compatibility Learning Across Categories for Clothing Matching"
Python
10
star
23

GHRM

[WWW 2021] Source code and datasets for the paper "Graph-based Hierarchical Relevance Matching Signals for Ad-hoc Retrieval".
Python
9
star
24

CF-FEND

[SIGIR 2022] Source code and datasets for "Bias Mitigation for Evidence-aware Fake News Detection by Causal Intervention".
Python
8
star
25

DESTINE

[CIKM 2021] Implementations for Disentangled Self-Attentive Neural Networks for Click-Through Rate Prediction
Python
7
star
26

RHGN

Source code for CIKM 2021 paper for Relation-aware Heterogeneous Graph for User Profiling
Python
7
star
27

GRMM

[AAAI 2021] PyTorch implementation for "A Graph-based Relevance Matching Model for Ad-hoc Retrieval"
Python
6
star
28

K-GHRM

The source code of K-GHRM
Python
4
star
29

HeterFC

Python
3
star
30

hetgsl

[CIKM 2021] Code and dataset for "Label-informed Graph Structure Learning for Node Classification"
Jupyter Notebook
1
star