Pinned Repositories
abusive-language
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
ALW3-ACL2019
Pay "Attention'' to your Context when Classifying Abusive Language
An-Attentive-Neural-Model-for-labeling-Adverse-Drug-Reactions
An Attentive Neural Sequence Labeling Model for Adverse Drug Reactions Mentions Extraction
An-Ensemble-of-Attention-based-BiLSTM-Model-for-Machine-Comprehension
An implementation for SemEval 2018 Task 11: Machine Comprehension using Commonsense Knowledge
anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
ark-twokenize-py
Python port of the Twokenize class of ark-tweet-nlp
bert
TensorFlow code and pre-trained models for BERT
bert-as-service
Mapping a variable-length sentence to a fixed-length vector using pretrained BERT model
bert4keras
Our light reimplement of bert for keras
DingYunxia's Repositories
DingYunxia/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
DingYunxia/ALW3-ACL2019
Pay "Attention'' to your Context when Classifying Abusive Language
DingYunxia/An-Attentive-Neural-Model-for-labeling-Adverse-Drug-Reactions
An Attentive Neural Sequence Labeling Model for Adverse Drug Reactions Mentions Extraction
DingYunxia/bert
TensorFlow code and pre-trained models for BERT
DingYunxia/bert-as-service
Mapping a variable-length sentence to a fixed-length vector using pretrained BERT model
DingYunxia/bert4keras
Our light reimplement of bert for keras
DingYunxia/Bible_Text_GCN
Pytorch implementation of "Graph Convolutional Networks for Text Classification"
DingYunxia/CDCS
Chinese Data Competitions' Solutions
DingYunxia/Classification-of-hate-speech-and-abusive-language-based-on-attention-selection-mechanism-with-multi
The paper "Classification of hate speech and abusive language based on attention selection mechanism with multi-granularity embedding(MGE) " coed
DingYunxia/CoSE
The code for contextual sentiment embeddings
DingYunxia/ekphrasis
Ekphrasis is a text processing tool, geared towards text from social networks, such as Twitter or Facebook. Ekphrasis performs tokenization, word normalization, word segmentation (for splitting hashtags) and spell correction, using word statistics from 2 big corpora (english Wikipedia, twitter - 330mil english tweets).
DingYunxia/fastText
Library for fast text representation and classification.
DingYunxia/hate-speech
Source code of the experiment documented in: Pitsilis G.K, Ramampiaro, H., Langseth, H., “Detecting Offensive Language in Tweets Using Deep Learning”, 2018/1/13, arXiv preprint arXiv:1801.04433.
DingYunxia/hate-speech-and-offensive-language
Repository for the paper "Automated Hate Speech Detection and the Problem of Offensive Language", ICWSM 2017
DingYunxia/keras-targeted-dropout
Targeted dropout implemented in Keras
DingYunxia/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, ENT, DMN,
DingYunxia/nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
DingYunxia/Non-Discrimination-Learning-for-Text-Classification
This is the code in <Demographics Should Not Be the Reason of Toxicity: Mitigating Discrimination in Text Classifications with Instance Weighting> which has been accepted by ACL 2020
DingYunxia/ntua-slp-wassa-iest2018
Deep-learning Transfer Learning models of NTUA-SLP team submitted at the IEST of WASSA 2018 at EMNLP 2018.
DingYunxia/on-lstm
Keras implement of ON-LSTM (Ordered Neurons: Integrating Tree Structures into Recurrent Neural Networks)
DingYunxia/pytorch-transformers
👾 A library of state-of-the-art pretrained models for Natural Language Processing (NLP)
DingYunxia/SemEval-2019-task3-EmoContext
dawei.li SemEval-2019 task3 EmoContext: Multi-Step Ensemble Neural Network for Sentiment Analysis in Textual Conversation
DingYunxia/SemEval-Triplet-data
DingYunxia/TensorFlow2.0Tutorials
TensorFlow 2.0 version's Tutorials and Examples, CNN, RNN, GAN tutorials, etc. TF 2.0版入门实例代码,实战教程。
DingYunxia/tensorflow2_tutorials_chinese
tensorflow2中文教程,持续更新(当前版本:tensorflow2.0),tag: tensorflow 2.0 tutorials
DingYunxia/text_gcn
Graph Convolutional Networks for Text Classification. AAAI 2019
DingYunxia/TextClassification-Keras
Text classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
DingYunxia/WeiboSpider-chinese-implicit-emotion-analysis
Use python language to implement web crawler. Sina weibo data were crawled to form Chinese implicit emotion analysis data set.
DingYunxia/wenzheng
ai challenger 2018细粒度情感分类第一名解决方案,统一使用tensorflow和pytorch的一个框架
DingYunxia/Word-Embedding
Word2vec, Fasttext, Glove, Elmo, Bert, Flair pre-train Word Embedding