All Projects → BinLiang-NLP → InterGCN-ABSA

BinLiang-NLP / InterGCN-ABSA

Licence: other
[COLING 2020] Jointly Learning Aspect-Focused and Inter-Aspect Relations with Graph Convolutional Networks for Aspect Sentiment Analysis

Programming Languages

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

Projects that are alternatives of or similar to InterGCN-ABSA

GNNSCVulDetector
Smart Contract Vulnerability Detection Using Graph Neural Networks (IJCAI-20 Accepted)
Stars: ✭ 42 (+2.44%)
Mutual labels:  graph-neural-networks
CLUEmotionAnalysis2020
CLUE Emotion Analysis Dataset 细粒度情感分析数据集
Stars: ✭ 3 (-92.68%)
Mutual labels:  sentiment-analysis
reddit-opinion-mining
Sentiment analysis and opinion mining of Reddit data.
Stars: ✭ 15 (-63.41%)
Mutual labels:  sentiment-analysis
graph-convnet-tsp
Code for the paper 'An Efficient Graph Convolutional Network Technique for the Travelling Salesman Problem' (INFORMS Annual Meeting Session 2019)
Stars: ✭ 196 (+378.05%)
Mutual labels:  graph-neural-networks
sdn-nfv-papers
This is a paper list about Resource Allocation in Network Functions Virtualization (NFV) and Software-Defined Networking (SDN).
Stars: ✭ 40 (-2.44%)
Mutual labels:  graph-neural-networks
sentence-classification-pytorch
Sentiment analysis with variable length sequences in pytorch
Stars: ✭ 34 (-17.07%)
Mutual labels:  sentiment-analysis
sentistrength id
Sentiment Strength Detection in Bahasa Indonesia
Stars: ✭ 32 (-21.95%)
Mutual labels:  sentiment-analysis
sentiment-analysis-of-tweets-in-russian
Sentiment analysis of tweets in Russian using Convolutional Neural Networks (CNN) with Word2Vec embeddings.
Stars: ✭ 51 (+24.39%)
Mutual labels:  sentiment-analysis
fawkes
🚀🚀 Fetch, parse, categorize, summarize user reviews 🚀🚀
Stars: ✭ 83 (+102.44%)
Mutual labels:  sentiment-analysis
awesome-graph-explainability-papers
Papers about explainability of GNNs
Stars: ✭ 153 (+273.17%)
Mutual labels:  graph-neural-networks
twitter-aws-comprehend
An app to analyze tweets using Amazon Comprehend's Sentiment Analysis service
Stars: ✭ 13 (-68.29%)
Mutual labels:  sentiment-analysis
Chinese financial sentiment dictionary
A Chinese financial sentiment word dictionary
Stars: ✭ 67 (+63.41%)
Mutual labels:  sentiment-analysis
OpenHGNN
This is an open-source toolkit for Heterogeneous Graph Neural Network(OpenHGNN) based on DGL.
Stars: ✭ 264 (+543.9%)
Mutual labels:  graph-neural-networks
QuestionClustering
Clasificador de preguntas escrito en python 3 que fue implementado en el siguiente vídeo: https://youtu.be/qnlW1m6lPoY
Stars: ✭ 15 (-63.41%)
Mutual labels:  sentiment-analysis
ntua-slp-semeval2018
Deep-learning models of NTUA-SLP team submitted in SemEval 2018 tasks 1, 2 and 3.
Stars: ✭ 79 (+92.68%)
Mutual labels:  sentiment-analysis
PlanSum
[AAAI2021] Unsupervised Opinion Summarization with Content Planning
Stars: ✭ 25 (-39.02%)
Mutual labels:  sentiment-analysis
Aspect-Based-Sentiment-Analysis
A python program that implements Aspect Based Sentiment Analysis classification system for SemEval 2016 Dataset.
Stars: ✭ 57 (+39.02%)
Mutual labels:  sentiment-analysis
deepsphere-cosmo-tf1
A spherical convolutional neural network for cosmology (TFv1).
Stars: ✭ 119 (+190.24%)
Mutual labels:  graph-neural-networks
nlpserver
NLP Web Service
Stars: ✭ 76 (+85.37%)
Mutual labels:  sentiment-analysis
twitter-sentiment-analysis
Sentiment Analysis on twitter using Keras / TensorFlow / GloVe
Stars: ✭ 29 (-29.27%)
Mutual labels:  sentiment-analysis

📜 Introduction

This repository is used in our paper:

Jointly Learning Aspect-Focused and Inter-Aspect Relations with Graph Convolutional Networks for Aspect Sentiment Analysis
Bin Liang, Rongdi Yin, Lin Gui*, Jiachen Du, Ruifeng Xu*. Proceedings of COLING 2020

Please cite our paper and kindly give a star for this repository if you use this code.

🔧 Requirements

  • Python 3.6
  • PyTorch 1.0.0
  • SpaCy 2.0.18
  • numpy 1.15.4

📋 Usage

  • Install SpaCy package and language models with
pip install spacy

and

python -m spacy download en
  • Generate aspect-focused graph with
python generate_focused_graph.py
  • Generate inter-aspect graph with
python generate_inter_graph.py

Preprocess

  • Please run the following command to preprocess the data:
python preprocess_data.py
  • Please change the variables of path and w_path for different datasets.
  • The original data can be found at orig_datasets.

💻 Training

  • Train with command, optional arguments could be found in train.py & train_bert.py

  • Run intergcn: ./run_intergcn.sh

  • Run afgcn: ./run_afgcn.sh

  • Run intergcn_bert: ./run_intergcn_bert.sh

  • Run afgcn_bert: ./run_afgcn_bert.sh

🎯 Citation

The BibTex of the citation is as follow:

@inproceedings{liang-etal-2020-jointly,
    title = "Jointly Learning Aspect-Focused and Inter-Aspect Relations with Graph Convolutional Networks for Aspect Sentiment Analysis",
    author = "Liang, Bin  and
      Yin, Rongdi  and
      Gui, Lin  and
      Du, Jiachen  and
      Xu, Ruifeng",
    booktitle = "Proceedings of the 28th International Conference on Computational Linguistics",
    month = dec,
    year = "2020",
    address = "Barcelona, Spain (Online)",
    publisher = "International Committee on Computational Linguistics",
    url = "https://www.aclweb.org/anthology/2020.coling-main.13",
    pages = "150--161",
    abstract = "In this paper, we explore a novel solution of constructing a heterogeneous graph for each instance by leveraging aspect-focused and inter-aspect contextual dependencies for the specific aspect and propose an Interactive Graph Convolutional Networks (InterGCN) model for aspect sentiment analysis. Specifically, an ordinary dependency graph is first constructed for each sentence over the dependency tree. Then we refine the graph by considering the syntactical dependencies between contextual words and aspect-specific words to derive the aspect-focused graph. Subsequently, the aspect-focused graph and the corresponding embedding matrix are fed into the aspect-focused GCN to capture the key aspect and contextual words. Besides, to interactively extract the inter-aspect relations for the specific aspect, an inter-aspect GCN is adopted to model the representations learned by aspect-focused GCN based on the inter-aspect graph which is constructed by the relative dependencies between the aspect words and other aspects. Hence, the model can be aware of the significant contextual and aspect words when interactively learning the sentiment features for a specific aspect. Experimental results on four benchmark datasets illustrate that our proposed model outperforms state-of-the-art methods and substantially boosts the performance in comparison with BERT.",
}

📌 Peformance

  • Please tune the parameter of --seed for better performance.
  • At present, the best performance (i.e. only tune the parameter of --seed for runing the model) of our model in each dataset is as follows:
    Model REST14 (Acc/F1) LAP14 (Acc/F1) REST15 (Acc/F1) REST16 (Acc/F1)
    InterGCN 82.31/74.69 78.06/74.41 82.84/67.49 89.88/74.80
    InterGCN+BERT 87.45/81.13 83.03/79.38 85.98/75.11 92.86/81.41

💡 Credits

📮 Poster

A poster of our work is as follow:

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].