pytorch-transformers
There are 35 repositories under pytorch-transformers topic.
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
jrzaurin/pytorch-widedeep
A flexible package for multimodal-deep-learning to combine tabular data with text and images using Wide and Deep models in Pytorch
gordicaleksa/pytorch-original-transformer
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.
ashishpatel26/Treasure-of-Transformers
💁 Awesome Treasure of Transformers Models for Natural Language processing contains papers, videos, blogs, official repo along with colab Notebooks. 🛫☑️
joeynmt/joeynmt
Minimalist NMT for educational purposes
BlackSamorez/tensor_parallel
Automatically split your PyTorch models on multiple GPUs for training & inference
ThilinaRajapakse/pytorch-transformers-classification
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.
pen-ho/medical_knowledge_graph_app-master
医药知识图谱自动问答系统实现,包括构建知识图谱、基于知识图谱的流水线问答以及前端实现。实体识别(基于词典+BERT_CRF)、实体链接(Sentence-BERT做匹配)、意图识别(基于提问词+领域词词典)。
nikhilbarhate99/min-decision-transformer
Minimal implementation of Decision Transformer: Reinforcement Learning via Sequence Modeling in PyTorch for mujoco control tasks in OpenAI gym
qanastek/HugsVision
HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
HumanSignal/label-studio-transformers
Label data using HuggingFace's transformers and automatically get a prediction service
ppriyank/Video-Action-Transformer-Network-Pytorch-
Implementation of the paper Video Action Transformer Network
Shivampanwar/Bert-text-classification
This shows how to fine-tune Bert language model and use PyTorch-transformers for text classififcation
obss/trapper
State-of-the-art NLP through transformer models in a modular design and consistent APIs.
torresflo/Tag-Machine
A little Python application to auto tag your photos with the power of machine learning.
BinItAI/BetterLoader
A better PyTorch data loader capable of custom image operations and image subsets
fredriko/bert-tensorflow-pytorch-spacy-conversion
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.
karoly-hars/gpt2_episode_summary_generator
Utilizing webscraping and state-of-the-art NLP to generate TV show episode summaries.
rdgozum/next-word-prediction
Generative Pretrained Transformer 2 (GPT-2) for Language Modeling using the PyTorch-Transformers library.
jinudaniel/amazon-fine-food-reviews
Determine the polarity of amazon fine food reviews using ULMFiT, BERT, XLNet and RoBERTa
aquadzn/deploy-transformers
Easily deploy a state-of-the-art language model from HuggingFace's Transformers
DoodleJZ/LIMIT-BERT
Source code for "LIMIT-BERT : Linguistics Informed Multi-Task BERT" published at Findings of EMNLP 2020
niksyromyatnikov/OHLCFormer
Forecasting open-high-low-close (OHLC) data with Transformer models
torresflo/Picture-Machine
A little Python application to generate pictures from a text prompt. Based on Stable Diffusion.
spallas/quora-qp
Quora Questions Pair detection with Semantic Similarity
muhammadadyl/SarcasmDetection
This project used in my dissertation for detecting sarcasm in twitter dataset using Sate-of-the-Art Transformer
torresflo/Paint-AI
When Paint meets Artificial Intelligence! A Python application to generate pictures based on your drawing.
torresflo/Pokedex-AI
A little Pokédex application that can find a Pokémon in any image with the power of machine learning.
torresflo/Poke-Model
A bunch of Python scripts to create a Pokémon Classifier.
Lalasa1234/CyberbullyingDetection
Finetuning the Bert-based LLM to predict whether the tweet is toxic or not
Mahmood-Anaam/BiT-ImageCaptioning-Mult-GPUs
BiT-ImageCaptioning-Mult-GPUs is a Python package for generating Arabic image captions using Bidirectional Transformers (BiT). This library is designed to provide high-quality and accurate captions for Arabic datasets by leveraging pre-trained deep learning models.
michael-bmstu/ecom-t_x_dls
Solution for competition of workshop ecom-t and Deep Learning School
IsraelAbebe/ml-algorithems-from-scratch
machine learning algorithms from scratch
Mahmood-Anaam/vinvl_bert
Vision-language model for generating Arabic image captions using Bidirectional Transformers (BiT) and advanced feature fusion.