BinLiang-NLP
Postdoc at The Chinese University of Hong Kong
The Chinese University of Hong KongHong Kong
Pinned Repositories
AAGCN-ACSA
[EMNLP 2021] Beta Distribution Guided Aspect-aware Graph for Aspect Category Sentiment Analysis with Affective Knowledge
ADGCN-Sarcasm
BDCI2016-Target-based-sentiment-analysis
BDCI2016“基于视角领域情感分析”第一名队伍(SUTL)作品
CAER-TABSA
[ACL 2019] Context-aware Embedding for Targeted Aspect-based Sentiment Analysis
InterGCN-ABSA
[COLING 2020] Jointly Learning Aspect-Focused and Inter-Aspect Relations with Graph Convolutional Networks for Aspect Sentiment Analysis
JointCL
[ACL 2022] JointCL: A Joint Contrastive Learning Framework for Zero-Shot Stance Detection
PT-HCL
[WWW 2022] Zero-Shot Stance Detection via Contrastive Learning
Scon-ABSA
[CIKM 2021] Enhancing Aspect-Based Sentiment Analysis with Supervised Contrastive Learning
Sentic-GCN
[KBS] Aspect-based sentiment analysis via affective knowledge enhanced graph convolutional networks
TPDG
[WWW 2021] Target-adaptive Graph for Cross-target Stance Detection
BinLiang-NLP's Repositories
BinLiang-NLP/ABSA_DevSplits
Train, Test and Dev Splits for our AAAI'18 Paper
BinLiang-NLP/aim
BinLiang-NLP/Aspect-level-sentiment
Code and dataset for ACL2018 paper "Exploiting Document Knowledge for Aspect-level Sentiment Classification"
BinLiang-NLP/chinese-xinhua
中华新华字典数据库。包括歇后语,成语,词语,汉字。提供新华字典API。
BinLiang-NLP/cross_target_stance_classification
Keras implementation for CrossNet in paper "Cross-Target Stance Classification with Self-Attention Networks"
BinLiang-NLP/CS-585-Political-Ideology-Detection
Class Project for CS 585 Natural Language Processing
BinLiang-NLP/CS671_NLP
Repository for CS671 course project
BinLiang-NLP/deepnlp
Deep Learning NLP Pipeline implemented on Tensorflow
BinLiang-NLP/delayed-memory-update-entnet
Recurrent Entity Networks with Delayed Memory Update for Targeted Aspect-based Sentiment Analysis, published at NAACL 2018
BinLiang-NLP/GCAE
BinLiang-NLP/keras
Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano or TensorFlow.
BinLiang-NLP/keras-attention-mechanism
Attention mechanism Implementation for Keras.
BinLiang-NLP/keras-contrib
Keras community contributions
BinLiang-NLP/mem_absa
Aspect Based Sentiment Analysis using End-to-End Memory Networks
BinLiang-NLP/Meta-Learning-Papers
Meta Learning / Learning to Learn / One Shot Learning / Few Shot Learning
BinLiang-NLP/models
Models and examples built with TensorFlow
BinLiang-NLP/multimodal-sentiment-detection
This code has been developed for detecting sentiment in videos using Convolutional Neural Network and Multiple Kernel Learning.
BinLiang-NLP/ProtoNER
Few-shot classification in Named Entity Recognition Task
BinLiang-NLP/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
BinLiang-NLP/Reinforcement-learning-with-tensorflow
Simple Reinforcement learning tutorials
BinLiang-NLP/SARC
Evaluation code for the Self-Annotated Reddit Corpus
BinLiang-NLP/Sarcasm-Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
BinLiang-NLP/Seq2seq-CWS
BinLiang-NLP/Sequence-Labelling
Implementing , learning and re implementing "End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF" in keras
BinLiang-NLP/stance_detection
Stance Detection for the Fake News Challenge with Conditional Encoding and Attention LSTM, as Stanford CS224N class project by Stephen Pfohl, Oskar Triebe and Ferdinand Legros.
BinLiang-NLP/tagger
Named Entity Recognition Tool
BinLiang-NLP/TaxoRL
Code for paper "End-to-End Reinforcement Learning for Automatic Taxonomy Induction", ACL 2018
BinLiang-NLP/TD-LSTM
Attention-based Aspect-term Sentiment Analysis implemented by tensorflow.
BinLiang-NLP/train_cnn-rnn-attention
cnn+rnn+attention: vgg(vgg16,vgg19)+rnn(LSTM, GRU)+attention, resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152)+rnnrnn(LSTM, GRU)+attention, inception_v4+rnn(LSTM, GRU)+attention, inception_resnet_v2+rnn(LSTM, GRU)+attention,.....
BinLiang-NLP/zero-shot-learning
Implementation of Zero-Shot Learning algorithm using Word2Vecs as class embeddings