#
pytorch-transformers
Here are 20 public repositories matching this topic...
Minimalist NMT for educational purposes
education
machine-translation
transformer
seq2seq
neural-machine-translation
nmt
rnn-pytorch
seq2seq-pytorch
nmt-tutorial
transformer-architecture
pytorch-transformers
nmt-frameworks
joey-nmt
-
Updated
Jul 31, 2021 - Python
My implementation of the original transformer model (Vaswani et al.). I've additionally included the playground.py file for visualizing otherwise seemingly hard concepts. Currently included IWSLT pretrained models.
python
deep-learning
jupyter
transformers
pytorch
transformer
attention
deeplearning
attention-mechanism
attention-is-all-you-need
pytorch-transformers
pytorch-transformer
transformer-tutorial
original-transformer
-
Updated
Dec 27, 2020 - Jupyter Notebook
Based on the Pytorch-Transformers library by HuggingFace. To be used as a starting point for employing Transformer models in text classification tasks. Contains code to easily train BERT, XLNet, RoBERTa, and XLM models for text classification.
-
Updated
May 9, 2020 - Jupyter Notebook
Implementation of the paper Video Action Transformer Network
video
pytorch
transformer
tensorflow-transformer
actionrecognition
pytorch-transformers
videotransformer
-
Updated
Apr 5, 2021 - Python
Label data using HuggingFace's transformers and automatically get a prediction service
nlp
natural-language-processing
transformers
bert
natural-language-understanding
text-labeling
data-labeling
pytorch-transformers
label-studio
-
Updated
Jul 13, 2021 - Python
This shows how to fine-tune Bert language model and use PyTorch-transformers for text classififcation
xlnet
xlnet-pytorch
pytorch-transformers
sota-technique
bert-text-classification
text-classififcation
-
Updated
May 7, 2020 - Jupyter Notebook
raghavmecheri
commented
Sep 14, 2020
Feature Request
Description of Problem:
We've taken a fairly risky/bad approach by just resorting to setting function params to arbitrary defaults when they aren't passed in. While this works sometimes, I think we've overused this approach and should really trim parts of it down.
Potential Solutions:
Eliminate optional parameters in any non-public function, and actually throw ex
Instructions for how to convert a BERT Tensorflow model to work with HuggingFace's pytorch-transformers, and spaCy. This walk-through uses DeepPavlov's RuBERT as example.
nlp
tensorflow
keras
spacy
how-to
bert
spacy-models
spacy-nlp
bert-model
pytorch-transformers
spacy-pytorch-transformers
spacy-package
-
Updated
May 21, 2021 - Python
DistilBERT Question Answering model using SQuAD served with Flask, deployed on Google Cloud Run
flask
natural-language-processing
transformers
pytorch
question-answering
language-model
squad
bert
huggingface
google-cloud-run
pytorch-transformers
bert-squad
distilbert
distilbert-squad
-
Updated
Dec 3, 2020 - Python
Utilizing webscraping and state-of-the-art NLP to generate TV show episode summaries.
nlp
natural-language-processing
deep-learning
wikipedia
torch
imdb
neural-networks
scrapy
natural-language-generation
webscraping
artifical-intelligense
gpt2
pytorch-transformers
-
Updated
Apr 2, 2020 - Python
Easily deploy a state-of-the-art language model from HuggingFace's Transformers
-
Updated
Dec 20, 2019 - Python
Determine the polarity of amazon fine food reviews using ULMFiT, BERT, XLNet and RoBERTa
sentiment-analysis
pytorch
fastai
nlp-machine-learning
bert
torchtext
roberta
xlnet
xlnet-pytorch
pytorch-transformers
-
Updated
Sep 8, 2019 - Jupyter Notebook
Generative Pretrained Transformer 2 (GPT-2) for Language Modeling using the PyTorch-Transformers library.
-
Updated
Oct 15, 2020 - Python
Source code for "LIMIT-BERT : Linguistics Informed Multi-Task BERT" published at Findings of EMNLP 2020
-
Updated
Jul 18, 2020 - Python
Quora Questions Pair detection with Semantic Similarity
-
Updated
Sep 17, 2019 - Python
This project used in my dissertation for detecting sarcasm in twitter dataset using Sate-of-the-Art Transformer
nlp
twitter
detection
transformers
pytorch
sarcasm
roberta
bert-model
xlnet
pytorch-transformers
distilbert
distilroberta
-
Updated
Oct 27, 2019 - Jupyter Notebook
HugsVision is a easy to use huggingface wrapper for computer vision
computer-vision
cv
transformers
yolo
image-classification
image-generation
object-detection
vit
pretrained-models
semantic-segmentation
denoising
pythorch
huggingface
pytorch-transformers
detr
deit
-
Updated
Aug 14, 2021 - Python
machine learning algorithms from scratch
numpy
linear-regression
machine-learning-algorithms
python3
feature-selection
logistic-regression
neural
from-scratch
kmeans-clustering
pytorch-transformers
wrapper-method
-
Updated
Jan 23, 2020 - Jupyter Notebook
-
Updated
Aug 22, 2019 - Jupyter Notebook
Improve this page
Add a description, image, and links to the pytorch-transformers topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the pytorch-transformers topic, visit your repo's landing page and select "manage topics."


https://github.com/huggingface/transformers/blob/546dc24e0883e5e9f5eb06ec8060e3e6ccc5f6d7/src/transformers/models/gpt2/modeling_gpt2.py#L698
Assertions can't be relied upon for control flow because they can be disabled, as per the following: