torchtext
There are 88 repositories under torchtext topic.
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
dalinvip/cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In PyTorch Learing Neural Networks Likes CNN、BiLSTM
smilelight/lightNLP
基于Pytorch和torchtext的自然语言处理深度学习框架。
kolloldas/torchnlp
Easy to use NLP library built on PyTorch and TorchText
catqaq/OpenTextClassification
OpenTextClassification is all you need for text classification! Open text classification for everyone, enjoy your NLP journey! 这可能是目前为止最全面的开源文本分类项目,支持中英双语、多种模型、多种任务。
keitakurita/practical-torchtext
A set of tutorials for torchtext
bentrevett/pytorch-pos-tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
atnlp/torchtext-summary
torchtext使用总结,从零开始逐步实现了torchtext文本预处理过程,包括截断补长,词表构建,使用预训练词向量,构建可用于PyTorch的可迭代数据等步骤。并结合Pytorch实现LSTM.
will-thompson-k/deeplearning-nlp-models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
waterzxj/UNF
UNF(Universal NLP Framework)
Huffon/pytorch-transformer-kor-eng
Transformer Implementation using PyTorch for Neural Machine Translation (Korean to English)
jiacheng-ye/code-for-nlp-beginner
code for nlp beginner, including Sentiment Analysis, NER, NLI and Language Model.
hbahadirsahin/nlp-experiments-in-pytorch
PyTorch repository for text categorization and NER experiments in Turkish and English.
imran3180/pytorch-nli
pytorch implementation of various models for snli and mnli task
nn116003/torchtext-tutorial
torchtext-tutorial (text classification)
jibinmathew69/Hands-on-NLP-with-PyTorch
Collection of Notebooks for Natural Language Processing with PyTorch
hpanwar08/sentiment-analysis-torchtext
Seniment Analysis in Torchtext
kklemon/keras-loves-torchtext
Make Torchtext work with Keras.
bentrevett/extreme-summarization-of-source-code
Implementation of 'A Convolutional Attention Network for Extreme Summarization of Source Code' in PyTorch using TorchText
jinudaniel/amazon-fine-food-reviews
Determine the polarity of amazon fine food reviews using ULMFiT, BERT, XLNet and RoBERTa
koushik-elite/Multi-label-text-classification-based-on-Review
Multi label text classification based on Amazon Product Review, Find the topic/area which the review belogs to. Using TfidfVectorizer and LogisticRegression
rishabkr/Attention-Is-All-You-Need-Explained-PyTorch
A paper implementation and tutorial from scratch combining various great resources for implementing Transformers discussesd in Attention in All You Need Paper for the task of German to English Translation.
gaurav104/TextClassification
Repository of state of the art text/documentation classification algorithms in Pytorch.
RaffaeleGalliera/pytorch-cnn-text-classification
Convolutional Neural Network (CNN) for text classification implemented with PyTorch and TorchText
dksifoua/Neural-Machine-Translation
State of the art of Neural Machine Translation with PyTorch and TorchText.
soni-ratnesh/compendium
Generates summary of a given news article. Used attention seq2seq encoder decoder model.
cggaurav/auto-label-github-issues
Find the labels in Github automatically #opensource #ML
Huffon/pytorch-sentiment-analysis-kor
Sentiment analysis model implementation using PyTorch and torchtext with Korean corpus
jungwhank/transformer-pl
Transformer Implementation for NMT using PyTorch Lightning (Korean to English)
dksifoua/Neural-Image-Caption-Generator
In this project, I define and train an image-to-caption model that can produce descriptions for real world images with Flickr-8k dataset.
alesee/text-classification-with-rnn
Deep Learning for text classification with Torchtext, PyTorch & FastAI
aminul-huq/CNN-RNN-for-Multiclass-Classification-on-SST-dataset
PyTorch implementation of multi-class sentiment classification on SST dataset using CNN and RNN.
clay-lab/transductions
A PyTorch framework for creating, running, and reproducing experiments on seq2seq models.
pradeepbatchu/speechtotext
Speech to Text with Wav2Vec2 using torchaudio
aminaghoul/sentiment-analysis
Sentiment analysis - Pytorch