All Projects → bentrevett → Pytorch Pos Tagging

bentrevett / Pytorch Pos Tagging

Licence: mit
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.

Projects that are alternatives of or similar to Pytorch Pos Tagging

Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+3242.71%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, pytorch-tutorials, natural-language-processing, cnn, lstm, rnn, recurrent-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+1.04%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, lstm, rnn, recurrent-neural-networks
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+3460.42%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, pytorch-tutorials, lstm, rnn
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-9.37%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, cnn, lstm
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-18.75%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+465.63%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, lstm, rnn
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+183.33%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, pytorch-tutorials, cnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+103.13%)
Mutual labels:  jupyter-notebook, cnn, rnn, recurrent-neural-networks
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+131.25%)
Mutual labels:  jupyter-notebook, cnn, lstm, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-48.96%)
Mutual labels:  cnn, lstm, rnn, recurrent-neural-networks
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+1740.63%)
Mutual labels:  natural-language-processing, cnn, lstm, part-of-speech-tagger
Deeptoxic
top 1% solution to toxic comment classification challenge on Kaggle.
Stars: ✭ 180 (+87.5%)
Mutual labels:  pos, jupyter-notebook, tutorial, natural-language-processing
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+2965.63%)
Mutual labels:  jupyter-notebook, lstm, rnn, recurrent-neural-networks
Pytorch Question Answering
Important paper implementations for Question Answering using PyTorch
Stars: ✭ 154 (+60.42%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, natural-language-processing
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (+23.96%)
Mutual labels:  jupyter-notebook, lstm, rnn, recurrent-neural-networks
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+1335.42%)
Mutual labels:  jupyter-notebook, natural-language-processing, cnn, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+259.38%)
Mutual labels:  jupyter-notebook, tutorial, lstm, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-30.21%)
Mutual labels:  jupyter-notebook, lstm, rnn, recurrent-neural-networks
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+260.42%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, rnn
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-64.58%)
Mutual labels:  jupyter-notebook, cnn, lstm, rnn

PyTorch PoS Tagging

This repo contains tutorials covering how to do part-of-speech (PoS) tagging using PyTorch 1.4 and TorchText 0.5 using Python 3.7.

These tutorials will cover getting started with the de facto approach to PoS tagging: recurrent neural networks (RNNs). The first introduces a bi-directional LSTM (BiLSTM) network. The second covers how to fine-tune a pretrained Transformer model.

If you find any mistakes or disagree with any of the explanations, please do not hesitate to submit an issue. I welcome any feedback, positive or negative!

Getting Started

To install PyTorch, see installation instructions on the PyTorch website.

To install TorchText:

pip install torchtext

To install the transformers library:

pip install transformers

We'll also make use of spaCy to tokenize our data. To install spaCy, follow the instructions here making sure to install the English models:

python -m spacy download en

Tutorials

  • 1 - BiLSTM for PoS TaggingOpen In Colab

    This tutorial covers the workflow of a PoS tagging project with PyTorch and TorchText. We'll introduce the basic TorchText concepts such as: defining how data is processed; using TorchText's datasets and how to use pre-trained embeddings. Using PyTorch we built a strong baseline model: a multi-layer bi-directional LSTM. We also show how the model can be used for inference to tag any input text.

  • 2 - Fine-tuning Pretrained Transformers for PoS TaggingOpen In Colab

    This tutorial covers how to fine-tune a pretrained Transformer model, provided by the transformers library, by integrating it with TorchText. We use a pretrained BERT model to provide the embeddings for our input text and input these embeddings to a linear layer that will predict tags based on these embeddings.

References

Here are some things I looked at while making these tutorials. Some of it may be out of date.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].