An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: transformer-pytorch

OpenMachine-ai/transformer-tricks

A collection of tricks and tools to speed up transformer models

Language: TeX - Size: 10.2 MB - Last synced at: 10 days ago - Pushed at: 21 days ago - Stars: 152 - Forks: 8

berniwal/swin-transformer-pytorch

Implementation of the Swin Transformer in PyTorch.

Language: Python - Size: 201 KB - Last synced at: 22 days ago - Pushed at: about 4 years ago - Stars: 822 - Forks: 130

mahshid1378/SwinTransformerPytorch

Implementation of the Swin Transformer in PyTorch. and use Article: arxiv.org/pdf/2103.14030.pdf

Language: Python - Size: 185 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

ImMohammadHosseini/MKP-RL

:sparkles: Solve multi_dimensional multiple knapsack problem using state_of_the_art Reinforcement Learning Algorithms and transformers

Language: Python - Size: 5.45 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 10 - Forks: 1

RistoAle97/yati

Yet Another Transformer Implementation

Language: Python - Size: 779 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

GabMartino/TransformerForDummies

Annotated implementation of vanilla Transformers to guide through all the ambiguities.

Language: Python - Size: 4.57 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 8 - Forks: 0

Huffon/pytorch-transformer-kor-eng

Transformer Implementation using PyTorch for Neural Machine Translation (Korean to English)

Language: Python - Size: 10 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 69 - Forks: 24

finallyupper/pytorch-transformer

Implementation of transformer in Pytorch

Size: 9.13 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Anne-Andresen/Multi-Modal-cuda-C-GAN

Raw C/cuda implementation of 3d GAN

Language: Cuda - Size: 156 KB - Last synced at: 28 days ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

yk1502/minigpt

An amateur attempts building the decoder block of transformer using PyTorch from scratch.

Language: Python - Size: 685 KB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

warisqr007/vq-bnf-translator

Pronunciation correction in vector quantized PPG representation space

Language: Python - Size: 48.1 MB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 1

HoseinAzad/Transformer-based-SER

Transformer-based model for Speech Emotion Recognition(SER) - implemented by Pytorch

Language: Python - Size: 25.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 24 - Forks: 2

HLTCHKUST/MoEL

MoEL: Mixture of Empathetic Listeners

Language: Python - Size: 8.52 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 71 - Forks: 14

N0I0C0K/PoetryGenerate

古诗生成模型,基于Transformer/Chinese poetry geneation, based on transformer.

Language: Python - Size: 30 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

vishalreddy98/nlp-text-summarization Fork of RohitMacherla3/wikiHow_text_summarization_llms

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.

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MsTao-68/IMDB-NLP-Classification

# 自然语言处理 IMDB 情感分析数据集任务

Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

jasoncao11/nlp-notebook

NLP 领域常见任务的实现,包括新词发现、以及基于pytorch的词向量、中文文本分类、实体识别、摘要文本生成、句子相似度判断、三元组抽取、预训练模型等。

Language: Python - Size: 53 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 440 - Forks: 100

bmaag90/magic-the-gpt

Magic The GPT - GPT inspired model to generate Magic the Gathering cards

Language: Jupyter Notebook - Size: 98.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

roytravel/paper-implementation

pytorch Implementation of deep learning models

Language: Python - Size: 63.5 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

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.

Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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

Language: Python - Size: 396 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 0

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.

Language: Python - Size: 21.5 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

acforvs/transformer

PyTorch implementation of the original transformer, from scratch

Language: Python - Size: 81.1 KB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

shibam120302/Image_Captioning_Using_Transformers

Pytorch implementation of image captioning using transformer-based model.

Language: Jupyter Notebook - Size: 83.5 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

zarzouram/image_captioning_with_transformers

Pytorch implementation of image captioning using transformer-based model.

Language: Jupyter Notebook - Size: 1.26 GB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 21 - Forks: 5

Bh4r4t/image-captioning

A transformer-based model for automatic Image Captioning

Language: Jupyter Notebook - Size: 823 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

chagmgang/transformer_nlp

natural language processing with pytorch based on transformer model

Language: Jupyter Notebook - Size: 45 MB - Last synced at: about 13 hours ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 1

naokishibuya/simple_transformer

A Transformer Implementation that is easy to understand and customizable.

Language: Python - Size: 46.9 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 2

vasisthasinghal/Image-Captioning

Deep Learning Course Assignment on Image Captioning and Machine Translation using LSTMs

Language: Jupyter Notebook - Size: 88.3 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Related Keywords
transformer-pytorch 29 pytorch 12 transformer 11 deep-learning 8 transformer-architecture 6 natural-language-processing 6 transformer-models 6 transformers 5 transformers-models 5 machine-learning 5 artificial-intelligence 4 image-captioning 3 transformer-encoder 3 lstm 2 pytorch-implementation 2 gpt2 2 bert 2 deep-reinforcement-learning 2 multimodal-deep-learning 2 attention-is-all-you-need 2 attention-mechanism 2 python 2 llm 2 bert-model 2 textcnn 1 text-classification 1 textrcnn 1 skip-gram 1 textrcnn-bert 1 seq2seq 1 nlp 1 magic-the-gathering 1 transformer-decoder 1 glove 1 fasttext-embeddings 1 electra 1 distill-bert 1 bilstm-crf-model 1 bilstm-attention 1 bert-ner 1 bert-chinese 1 xgboost-model 1 word2vec 1 tf-idf 1 random-forest 1 nltk-python 1 logistic-regression 1 cnn 1 neural-machine-translation 1 mscoco-dataset 1 encoder-decoder 1 beam-search 1 python3 1 vision-transformer 1 transfer-learning 1 self-supervised-learning 1 representation-learning 1 convolutional-neural-networks 1 contrastive-learning 1 multimodal-learning 1 multimodal 1 captioning-images 1 caption-generation 1 automatic-metrics 1 transformers-bert 1 timeseries-prediction 1 timeseries-data 1 sentiment-classification 1 vggnet 1 speech-recognition 1 paper-implementations 1 googlenet 1 computer-vision 1 alexnet-pytorch 1 gpu 1 c 1 3d-models 1 3d 1 torchtext 1 sequence-to-sequence 1 llms 1 neural-networks 1 soft-actor-critic 1 sac 1 resource-management 1 reinforcement-learning-algorithms 1 reinforcement-learning 1 proximal-policy-optimization 1 ppo 1 multiple-knapsacks 1 mlp 1 knapsack-problem 1 discrete-sac 1 combinatorial-optimization 1 pythorch 1 attention 1 attention-model 1 llmops 1 llm-inference 1 arxiv-papers 1