transformer-pytorch
There are 30 repositories under transformer-pytorch topic.
berniwal/swin-transformer-pytorch
Implementation of the Swin Transformer in PyTorch.
jasoncao11/nlp-notebook
NLP 领域常见任务的实现,包括新词发现、以及基于pytorch的词向量、中文文本分类、实体识别、摘要文本生成、句子相似度判断、三元组抽取、预训练模型等。
OpenMachine-ai/transformer-tricks
A collection of tricks and tools to speed up transformer models
HLTCHKUST/MoEL
MoEL: Mixture of Empathetic Listeners
Huffon/pytorch-transformer-kor-eng
Transformer Implementation using PyTorch for Neural Machine Translation (Korean to English)
zarzouram/image_captioning_with_transformers
Pytorch implementation of image captioning using transformer-based model.
HoseinAzad/Transformer-based-SER
Transformer-based model for Speech Emotion Recognition(SER) - implemented by Pytorch
ImMohammadHosseini/MKP-RL
:sparkles: Solve multi_dimensional multiple knapsack problem using state_of_the_art Reinforcement Learning Algorithms and transformers
GabMartino/TransformerForDummies
Annotated implementation of vanilla Transformers to guide through all the ambiguities.
naokishibuya/simple_transformer
A Transformer Implementation that is easy to understand and customizable.
chagmgang/transformer_nlp
natural language processing with pytorch based on transformer model
warisqr007/vq-bnf-translator
Pronunciation correction in vector quantized PPG representation space
Merterm/COSMic
Public repo for the paper: "COSMic: A Coherence-Aware Generation Metric for Image Descriptions" by Mert İnan, Piyush Sharma, Baber Khalid, Radu Soricut, Matthew Stone, Malihe Alikhani
Ogunfool/EncoderTransformerArchitecture_CMAPPS
An encoder-transformer architecture-based framework for multi-variate time series prediction with a prognostics use case.
roytravel/paper-implementation
pytorch Implementation of deep learning models
Anne-Andresen/Multi-Modal-cuda-C-GAN
Raw C/cuda implementation of 3d GAN
Bh4r4t/image-captioning
A transformer-based model for automatic Image Captioning
Unique-Divine/grid-world-plus
A research project in vision-based deep reinforcement learning centered on transfer learning, unsupervised representation learning, and applying attention mechanisms to interpret memories.
bmaag90/magic-the-gpt
Magic The GPT - GPT inspired model to generate Magic the Gathering cards
MsTao-68/IMDB-NLP-Classification
# 自然语言处理 IMDB 情感分析数据集任务
PRITHIVSAKTHIUR/bellatrix-tiny3-1b-webgpu
webgpu based llm chatbot, try on chrome browsers
acforvs/transformer
PyTorch implementation of the original transformer, from scratch
RistoAle97/yati
Yet Another Transformer Implementation
N0I0C0K/PoetryGenerate
古诗生成模型,基于Transformer/Chinese poetry geneation, based on transformer.
Ogunfool/EncoderTransformerArchitecture-FromScratch
An EncoderTransformer Architecture developed from scratch using pytorch's neural network module as the base class. The developed model used for sentiment analysis and time series prediction tasks.
vasisthasinghal/Image-Captioning
Deep Learning Course Assignment on Image Captioning and Machine Translation using LSTMs
vishalreddy98/nlp-text-summarization
The project aims to utilize pre-trained Large Language Models (LLMs) for text summarization through diverse fine-tuning techniques. Comparative analysis with baseline RNN/LSTM language models is undertaken, utilizing established metrics such as Rouge score and BLEU.
Youngsiii/Transformer
PyTorch implementation of Transformer from scratch
mahshid1378/SwinTransformerPytorch
Implementation of the Swin Transformer in PyTorch. and use Article: arxiv.org/pdf/2103.14030.pdf
shibam120302/Image_Captioning_Using_Transformers
Pytorch implementation of image captioning using transformer-based model.