Victorylcl's Stars
NUSTM/ABSA-Reading-List
Reading list of aspect-based sentiment analysis.
jiangqn/Aspect-Based-Sentiment-Analysis
A paper list for aspect based sentiment analysis.
labuladong/fucking-algorithm
刷算法全靠套路,认准 labuladong 就够了!English version supported! Crack LeetCode, not only how, but also why.
tqtg/hierarchical-attention-networks
TensorFlow implementation of the paper "Hierarchical Attention Networks for Document Classification"
vietnh1009/Hierarchical-attention-networks-pytorch
Hierarchical Attention Networks for document classification
bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
castorini/hedwig
PyTorch deep learning models for document classification
huawei-noah/Pretrained-Language-Model
Pretrained language model and its related optimization techniques developed by Huawei Noah's Ark Lab.
thunlp/GNNPapers
Must-read papers on graph neural networks (GNN)
jefferyYu/Learning-Sentence-Embeddings-for-cross-domain-sentiment-classification
Learning Sentence Embeddings with Auxiliary Tasks for Cross-Domain Sentiment Classification
imgarylai/bert-embedding
🔡 Token level embeddings from BERT model on mxnet and gluonnlp
naganandy/graph-based-deep-learning-literature
links to conference publications in graph-based deep learning
google-research/bert
TensorFlow code and pre-trained models for BERT
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
galsang/SATA-Tree-LSTM
Implementation of SATA Tree-LSTM (Dynamic Compositionality in Recursive Neural Networks with Structure-aware Tag Representations, AAAI 2019)
uhh-lt/comparative
Comparative Sentence Classifier
ganeshjawahar/interpret_bert
Interpreting Bidirectional Encoder Representations from Transformers (BERT)
yaushian/Tree-Transformer
Implementation of the paper Tree Transformer
songyouwei/ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
clab/dynet
DyNet: The Dynamic Neural Network Toolkit
bojone/on-lstm
Keras implement of ON-LSTM (Ordered Neurons: Integrating Tree Structures into Recurrent Neural Networks)
dmlc/dgl
Python package built to ease deep learning on graph, on top of existing DL frameworks.
pyg-team/pytorch_geometric
Graph Neural Network Library for PyTorch
zhaoyanpeng/lveg
Gaussian Mixture Latent Vector Grammars
yuhaozhang/tacred-relation
PyTorch implementation of the position-aware attention model for relation extraction
happywwy/Recursive-Neural-Structural-Correspondence-Network
ExplorerFreda/TreeEnc
[EMNLP 2018] On Tree-Based Neural Sentence Modeling.
Cartus/AGGCN
Attention Guided Graph Convolutional Networks for Relation Extraction (authors' PyTorch implementation for the ACL19 paper)
qipeng/gcn-over-pruned-trees
Graph Convolution over Pruned Dependency Trees Improves Relation Extraction (authors' PyTorch implementation)
sebastianruder/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.