Pinned Repositories
224nfinalproject
aaai2019-coala-cqa-answer-selection
ABCNN
Implmentiaion of ABCNN(Attention-Based Convolutional Neural Network) on Tensorflow
bioasq-rl
Experiments using Reinforcement Learning for BioASQ
DME
Dynamic Meta-Embeddings for Improved Sentence Representations
Dynamic-Clip-Attention
Implemention of A Compare-Aggregate Model with Dynamic-Clip Attention for Answer Selection
multiffn-nli
Implementation of the multi feed-forward network architecture by Parikh et al. (2016) for Natural Language Inference.
Natural-Language-Processing-with-TensorFlow
Natural Language Processing with TensorFlow, published by Packt
Question_Answering_Models
This repo collects and re-produces models related to domains of question answering and machine reading comprehension
rnn_predict
Simple RNN (Gated Recurrent Units) for predicting a diagnosis
Chunlinx's Repositories
Chunlinx/ArticlePairMatching
The code of ACL 2019 paper: Matching Article Pairs with Graphical Decomposition and Convolutions
Chunlinx/Bert-Multi-Label-Text-Classification
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Chunlinx/biobert
BioBERT: a pre-trained biomedical language representation model
Chunlinx/CCCapsNet
A PyTorch implementation of Compositional coding Capsule Network based on the paper "Compositional coding capsule network with k-means routing for text classification"
Chunlinx/deeplearning-models
A collection of various deep learning architectures, models, and tips
Chunlinx/Depth-Adaptive-GRN
Chunlinx/dgl
Python package built to ease deep learning on graph, on top of existing DL frameworks.
Chunlinx/ESIM-1
Implementation of the ESIM model for natural language inference with PyTorch
Chunlinx/fastNLP
fastNLP: A Modularized and Extensible NLP Framework. Currently still in incubation.
Chunlinx/knowledge-enabled-textual-entailment
Natural Language Inference is fundamental to many Natural Language Processing applications such as semantic search and question answering. The task of NLI has gained significant attention in the recent times due to the release of fairly large scale, challenging datasets. Present approaches that address NLI are largely focused on learning based on the given text in order to classify whether the given premise entails, contradicts, or is neutral to the given hypothesis. On the other hand, techniques for Inference, as a central topic in artificial intelligence, has had knowledge bases playing an important role, in particular for formal reasoning tasks. While, there are many open knowledge bases that comprise of various types of information, their use for natural language inference has not been well explored. In this work, we present a simple technique that can harnesses knowledge bases, provided in the form of a graph, for natural language inference.
Chunlinx/latent-treelstm
Cooperative Learning of Disjoint Syntax and Semantics
Chunlinx/MachineLearning_Zhouzhihua_ProblemSets
Exercises answers to the book "machine-learning" written by Zhou Zhihua。周志华《机器学习》课后习题,个人解答。各算法都拿numpy和pandas实现了一遍
Chunlinx/nlp-beginner
NLP上手教程
Chunlinx/nlp_research
NLP tasks: text classification/sentence matching/sequence tagging/text generation ...
Chunlinx/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
Chunlinx/RE2
Source code of the ACL2019 paper "Simple and Effective Text Matching with Richer Alignment Features".
Chunlinx/SemBERT
Semantics-aware BERT for Language Understanding (AAAI 2020)
Chunlinx/sru
Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
Chunlinx/StackedDeBERT
Stacked Denoising BERT for Noisy Text Classification (Neural Networks 2020)
Chunlinx/STCKA
Reproducing the paper — Deep Short Text Classification with Knowledge Powered Attention
Chunlinx/structured-text-representations
Pytorch implementation of : "Learning Structured Text Representations"
Chunlinx/TCMSA
Code of Tree communication model (TCM) for sentiment analysis.
Chunlinx/Tech_Aarticle
深度学习各种模型实战-深度学习模型在各大公司实际生产环境的应用讲解文章,涉及到搜索(Query理解,召回,排序)/推荐(召回,排序)/自然语言处理(文本分类,文本相似度判定,文本匹配,文本生成,命名体识别)
Chunlinx/Text-Matching
Chunlinx/Text_Classification
Text Classification Algorithms: A Survey
Chunlinx/text_classification-1
文本分类技术总结
Chunlinx/transformer-on-diet
Code repo for "Transformer on a Diet" paper
Chunlinx/transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch.
Chunlinx/Tree-Transformer
Implementation of the paper Tree Transformer
Chunlinx/wikipedia2vec
A tool for learning vector representations of words and entities from Wikipedia