There are 15 repositories under pytorch-transformers topic.
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
A flexible package for multimodal-deep-learning to combine tabular data with text and images using Wide and Deep models in Pytorch
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.
💁 Awesome Treasure of Transformers Models for Natural Language processing contains papers, videos, blogs, official repo along with colab Notebooks. 🛫☑️
Automatically split your PyTorch models on multiple GPUs for training & inference
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.
医药知识图谱自动问答系统实现,包括构建知识图谱、基于知识图谱的流水线问答以及前端实现。实体识别(基于词典+BERT_CRF)、实体链接(Sentence-BERT做匹配)、意图识别(基于提问词+领域词词典)。
Minimal implementation of Decision Transformer: Reinforcement Learning via Sequence Modeling in PyTorch for mujoco control tasks in OpenAI gym
HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
Label data using HuggingFace's transformers and automatically get a prediction service
Implementation of the paper Video Action Transformer Network
This shows how to fine-tune Bert language model and use PyTorch-transformers for text classififcation
A little Python application to auto tag your photos with the power of machine learning.
A better PyTorch data loader capable of custom image operations and image subsets
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.
Utilizing webscraping and state-of-the-art NLP to generate TV show episode summaries.
Generative Pretrained Transformer 2 (GPT-2) for Language Modeling using the PyTorch-Transformers library.
Determine the polarity of amazon fine food reviews using ULMFiT, BERT, XLNet and RoBERTa
Easily deploy a state-of-the-art language model from HuggingFace's Transformers
Source code for "LIMIT-BERT : Linguistics Informed Multi-Task BERT" published at Findings of EMNLP 2020
Forecasting open-high-low-close (OHLC) data with Transformer models
A little Python application to generate pictures from a text prompt. Based on Stable Diffusion.
This project used in my dissertation for detecting sarcasm in twitter dataset using Sate-of-the-Art Transformer
A little Pokédex application that can find a Pokémon in any image with the power of machine learning.
A bunch of Python scripts to create a Pokémon Classifier.
Finetuning the Bert-based LLM to predict whether the tweet is toxic or not
machine learning algorithms from scratch
Solution for competition of workshop ecom-t and Deep Learning School