Pinned Repositories
HSLN-Joint-Sentence-Classification
Joint sentence classification-Tensorflow
LSTM-PICO-Detection
Code for LSTM based model for PICO element detection
MedQA
Code and data for MedQA
MMM-MCQA
Source code for our "MMM" paper at AAAI 2020
PubMed-PICO-Detection
PubMed PICO Element Detection Dataset
SQuAD-QA-System
QA system for Stanford Question Answering Dataset
TextFooler
A Model for Natural Language Attack on Text Classification and Inference
TitleStylist
Source code for our "TitleStylist" paper at ACL 2020
utterance-rewriting
This repository releases the code and data for utterance rewriting in open-domain dialogues.
word2vec-on-wikipedia
A pipeline for training word embeddings using word2vec on wikipedia corpus.
jind11's Repositories
jind11/word2vec-on-wikipedia
A pipeline for training word embeddings using word2vec on wikipedia corpus.
jind11/PubMed-PICO-Detection
PubMed PICO Element Detection Dataset
jind11/HSLN-Joint-Sentence-Classification
Joint sentence classification-Tensorflow
jind11/LSTM-PICO-Detection
Code for LSTM based model for PICO element detection
jind11/ner-bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
jind11/Att-ChemdNER
Att-ChemdNER
jind11/bilm-tf
Tensorflow implementation of contextualized word representations from bi-directional language models
jind11/deep-text-classification-pytorch
Deep neural network text classification papers in PyTorch
jind11/dilated-cnn-ner
Dilated CNNs for NER in TensorFlow
jind11/elmo-bilstm-cnn-crf
BiLSTM-CNN-CRF architecture for sequence tagging using ELMo representations.
jind11/emnlp2017-bilstm-cnn-crf
jind11/ESIM
Implementation of the ESIM model for natural language inference with PyTorch
jind11/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
jind11/fairseq-gec
Source code for paper: Improving Grammatical Error Correction via Pre-Training a Copy-Augmented Architecture with Unlabeled Data
jind11/fastai
The fast.ai deep learning library, lessons, and tutorials
jind11/LM-LSTM-CRF
Empower Sequence Labeling with Task-Aware Language Model
jind11/medg-toolbox
HowToBasic for working efficiently and collaborating constructively on machines
jind11/MLHC19-CXR
This is the code for the final project of course 6.S897/HST.956.
jind11/models
Models and examples built with TensorFlow
jind11/Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
jind11/neural_sequence_labeling
A TensorFlow implementation of Neural Sequence Labeling model, which is able to tackle sequence labeling tasks such as POS Tagging, Chunking, NER, Punctuation Restoration and etc.
jind11/NeuroNLP2
Deep neural models for core NLP tasks (Pytorch version)
jind11/paragraph_implicit_discourse_relations
Code for the NAACL2018 paper "Improving Implicit Discourse Relation Classification by Modeling Inter-dependencies of Discourse Units in a Paragraph"
jind11/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
jind11/pytorch-classification
Classification with PyTorch.
jind11/sequence_tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
jind11/sru
Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
jind11/summarization-datasets
Pre-processing and in some cases downloading of datasets for the paper "Content Selection in Deep Learning Models of Summarization."
jind11/Text-Classification-Pytorch
Text classification using deep learning models in Pytorch
jind11/TextClassificationBenchmark
A Benchmark of Text Classification in PyTorch