Pinned Repositories
224nfinalproject
aaai2019-coala-cqa-answer-selection
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
textgan
Adversarial Feature Matching for Text Generation
Chunlinx's Repositories
Chunlinx/Question_Answering_Models
This repo collects and re-produces models related to domains of question answering and machine reading comprehension
Chunlinx/Attention-Fused-Deep-Matching-Network-for-Natural-Language-Inference
Chunlinx/compeval-generation-system
Sentence generation system for evaluating composition
Chunlinx/corpus_reader
Tool for preparing corpora (e.g., PDTB2.0, SNLI, SICK, etc.)
Chunlinx/DeepLearn
Implementation of research papers on Deep Learning+ NLP+ CV in Python using Keras, Tensorflow and Scikit Learn.
Chunlinx/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
Chunlinx/DL-text
Text pre-processing library for deep learning (Keras, tensorflow).
Chunlinx/embedding-for-textual-entailment
Chunlinx/finetune-transformer-lm
Code and model for the paper "Improving Language Understanding by Generative Pre-Training"
Chunlinx/iwcs2017-answer-selection
Repository for the IWCS 2017 paper "Representation Learning for Answer Selection with LSTM-Based Importance Weighting"
Chunlinx/m-treelstm
Multiplicative Tree-Structured Long Short-Term Memory Networks for Semantic Representations
Chunlinx/multihead-siamese-nets
Implementation of Siamese Neural Networks built upon multihead attention mechanism for text semantic similarity task.
Chunlinx/multiNLI
Chunlinx/MultiTurnResponseSelection
This repo contains our ACL paper data and source code
Chunlinx/neat-vision
Neat (Neural Attention) Vision, is a visualization tool for the attention mechanisms of deep-learning models for Natural Language Processing (NLP) tasks. (framework-agnostic)
Chunlinx/NLI
Natural Language Inference, SNLI dataset
Chunlinx/NLI-1
Models for Nature Language Inference (Tensorflow Version), including 'A Decomposable Attention Model for Natural Language Inference', ..., to be continued.
Chunlinx/paraphrase_identification
Paraphrase Identification with Deep Learning using Keras
Chunlinx/Python-100-Days
Python - 100天从新手到大师
Chunlinx/Question-Answer-Selection
biLSTM/CNN based deep learning framework for Question Answer Selection.
Chunlinx/S-LSTM
Code for the paper: Sentence-State LSTM for Text Representation
Chunlinx/ScrambleTests
Running compostionality tests on InferSent embedding on SNLI
Chunlinx/self-attention-tf
Tensorflow Implementation of "A Structured Self-attentive Sentence Embedding" (ICLR 2017)
Chunlinx/Semantic-Attention-Network
Tree-LSTM + Self-Structured Attention -- a method to summarize textual data by topics
Chunlinx/sentence-embedding
comparation of diffrent approaches of sentence embedding
Chunlinx/sentence-similarity
PyTorch implementations of various deep learning models for paraphrase detection, semantic similarity, and textual entailment
Chunlinx/sentence_classification
(IJCAI 2018) TreeNet: Learning Sentence Representations with Unconstrained Tree Structure
Chunlinx/SentenceMatching
Matching Natural Language Sentences with Hierarchical Sentence Factorization
Chunlinx/textCNN_public
The Tensorflow code for this NIPS 2017 paper: "Deconvolutional Paragraph Representation Learning"
Chunlinx/Textual-Entailment-with-Tensorflow
A presentation and Accompanying notebook for the Entailment with Tensorflow article.