Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for pytorch attention
attention
x
pytorch
x
571 search results found
Annotated_deep_learning_paper_implementations
⭐
36,223
🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Vit Pytorch
⭐
15,404
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Nlp Tutorial
⭐
12,403
Natural Language Processing Tutorial for Deep Learning Researchers
External Attention Pytorch
⭐
9,522
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
Attention Is All You Need Pytorch
⭐
7,813
A PyTorch implementation of the Transformer model in "Attention is All You Need".
Espnet
⭐
7,047
End-to-End Speech Processing Toolkit
Bertviz
⭐
5,547
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
Dalle Pytorch
⭐
5,289
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
Pytorch Seq2seq
⭐
4,548
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Informer2020
⭐
4,029
The GitHub repository for the paper "Informer" accepted by AAAI 2021.
Image_segmentation
⭐
2,186
Pytorch implementation of U-Net, R2U-Net, Attention U-Net, and Attention R2U-Net.
A Pytorch Tutorial To Image Captioning
⭐
2,084
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
Reformer Pytorch
⭐
1,917
Reformer, the efficient Transformer, in Pytorch
Deepvoice3_pytorch
⭐
1,851
PyTorch implementation of convolutional neural networks-based text-to-speech synthesis models
Pytorch Gat
⭐
1,815
My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!
Attention Module
⭐
1,746
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
Yoloair
⭐
1,714
🔥🔥🔥YOLOv5, YOLOv6, YOLOv7, YOLOv8, PPYOLOE, YOLOX, YOLOR, YOLOv4, YOLOv3, Transformer, Attention, TOOD and Improved-YOLOv5-YOLOv7... Support to improve backbone, neck, head, loss, IoU, NMS and other modules🚀
Pygat
⭐
1,684
Pytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)
Chinese Text Classification Pytorch
⭐
1,609
中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_At
Yolov4 Pytorch
⭐
1,572
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
Danet
⭐
1,556
Dual Attention Network for Scene Segmentation (CVPR2019)
Fast Transformers
⭐
1,369
Pytorch library for fast transformer implementations
Rcan
⭐
1,252
PyTorch code for our ECCV 2018 paper "Image Super-Resolution Using Very Deep Residual Channel Attention Networks"
Unet Segmentation Pytorch Nest Of Unets
⭐
1,236
Implementation of different kinds of Unet Models for Image Segmentation - Unet , RCNN-Unet, Attention Unet, RCNN-Attention Unet, Nested Unet
Attention Transfer
⭐
1,120
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
Ccnet
⭐
1,061
CCNet: Criss-Cross Attention for Semantic Segmentation (TPAMI 2020 & ICCV 2019).
Simplecvreproduction
⭐
1,021
Replication of simple CV Projects including attention, classification, detection, keypoint detection, etc.
Transformer
⭐
1,014
PyTorch Implementation of "Attention Is All You Need"
Vit Pytorch
⭐
984
Pytorch reimplementation of the Vision Transformer (An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale)
Nlp Paper
⭐
820
自然语言处理领域下的相关论文(附阅读笔记),复现模型以及数据处理等(代码含TensorFlow和Py
Performer Pytorch
⭐
777
An implementation of Performer, a linear attention-based transformer, in Pytorch
Speech Transformer
⭐
714
A PyTorch implementation of Speech Transformer, an End-to-End ASR with Transformer network on Mandarin Chinese.
Transformer
⭐
691
Implementation of Transformer model (originally from Attention is All You Need) applied to Time Series.
Dota Doai
⭐
676
This repo is the codebase for our team to participate in DOTA related competitions, including rotation and horizontal detection.
Seq2seq Pytorch
⭐
653
Sequence to Sequence Models with PyTorch
Cbam.pytorch
⭐
630
Non-official implement of Paper:CBAM: Convolutional Block Attention Module
Joeynmt
⭐
630
Minimalist NMT for educational purposes
Bottom Up Attention Vqa
⭐
606
An efficient PyTorch implementation of the winning entry of the 2017 VQA Challenge.
Attentiongan
⭐
564
AttentionGAN for Unpaired Image-to-Image Translation & Multi-Domain Image-to-Image Translation
Stereo Transformer
⭐
555
Revisiting Stereo Depth Estimation From a Sequence-to-Sequence Perspective with Transformers. (ICCV 2021 Oral)
Text Classification Pytorch
⭐
538
Text classification using deep learning models in Pytorch
Chinesenre
⭐
523
中文实体关系抽取,pytorch,bilstm+attention
Seq2seq
⭐
502
Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch
Tab Transformer Pytorch
⭐
498
Implementation of TabTransformer, attention network for tabular data, in Pytorch
Medical Transformer
⭐
484
Official Pytorch Code for "Medical Transformer: Gated Axial-Attention for Medical Image Segmentation" - MICCAI 2021
Attention Networks For Classification
⭐
477
Hierarchical Attention Networks for Document Classification in PyTorch
Attn2d
⭐
475
Pervasive Attention: 2D Convolutional Networks for Sequence-to-Sequence Prediction
Neural_sp
⭐
466
End-to-end ASR/LM implementation with PyTorch
Scan
⭐
442
PyTorch source code for "Stacked Cross Attention for Image-Text Matching" (ECCV 2018)
Residualattentionnetwork Pytorch
⭐
423
a pytorch code about Residual Attention Network. This code is based on two projects from
Structured Self Attention
⭐
412
A Structured Self-attentive Sentence Embedding
Point Transformer Pytorch
⭐
402
Implementation of the Point Transformer layer, in Pytorch
Ner Bert
⭐
398
BERT-NER (nert-bert) with google bert https://github.com/google-research.
Transformer Tts
⭐
390
A Pytorch Implementation of "Neural Speech Synthesis with Transformer Network"
Time Series Autoencoder
⭐
386
📈 PyTorch Dual-Attention LSTM-Autoencoder For Multivariate Time Series 📈
Awesome Gcn
⭐
377
resources for graph convolutional networks (图卷积神经网络相关资源)
Pytorch Original Transformer
⭐
376
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.
Recurrent Visual Attention
⭐
367
A PyTorch Implementation of "Recurrent Models of Visual Attention"
Attention Augmented Conv2d
⭐
363
Implementing Attention Augmented Convolutional Networks using Pytorch
Deep_learning_nlp
⭐
359
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Dynamic Convolution Pytorch
⭐
352
Pytorch!!!Pytorch!!!Pytorch!!! Dynamic Convolution: Attention over Convolution Kernels (CVPR-2020)
Linformer Pytorch
⭐
323
My take on a practical implementation of Linformer for Pytorch.
Appnp
⭐
322
A PyTorch implementation of "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019).
San
⭐
318
Second-order Attention Network for Single Image Super-resolution (CVPR-2019)
Mprgdeeplearninglecturenotebook
⭐
317
Text Classification Models Pytorch
⭐
309
Implementation of State-of-the-art Text Classification Models in Pytorch
Attentionwalk
⭐
299
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
Transformer
⭐
297
A Pytorch Implementation of "Attention is All You Need" and "Weighted Transformer Network for Machine Translation"
Stanet
⭐
296
official implementation of the spatial-temporal attention neural network (STANet) for remote sensing image change detection
Deep Time Series Prediction
⭐
287
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Ffa Net
⭐
286
FFA-Net: Feature Fusion Attention Network for Single Image Dehazing
Linear Attention Transformer
⭐
278
Transformer based on a variant of attention that is linear complexity in respect to sequence length
Face_attention_network
⭐
271
Pytorch implementation of face attention network
Attention Pytorch
⭐
264
注意力机制实践
Pspnet Pytorch
⭐
261
这是一个pspnet-pytorch的源码,可以用于训练自己的模型。
Vit Explain
⭐
260
Explainability for Vision Transformers
Seq2seq Summarizer
⭐
259
Pointer-generator reinforced seq2seq summarization in PyTorch
Gam
⭐
257
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
Efficientdet Pytorch
⭐
256
这是一个efficientdet-pytorch的源码,可以用于训练自己的模型。
Cgnl Network.pytorch
⭐
253
Compact Generalized Non-local Network (NIPS 2018)
Bilstm Lan
⭐
243
Hierarchically-Refined Label Attention Network for Sequence Labeling
Gast Net 3dposeestimation
⭐
243
A Graph Attention Spatio-temporal Convolutional Networks for 3D Human Pose Estimation in Video (GAST-Net)
Da Rnn
⭐
242
Dual-Stage Attention-Based Recurrent Neural Net for Time Series Prediction
Cross Scale Non Local Attention
⭐
238
PyTorch code for our paper "Image Super-Resolution with Cross-Scale Non-Local Attention and Exhaustive Self-Exemplars Mining" (CVPR2020).
Attention_branch_network
⭐
236
Attention Branch Network (CIFAR100, ImageNet models)
Tacred Relation
⭐
233
PyTorch implementation of the position-aware attention model for relation extraction
Ridnet
⭐
224
Pytorch code for "Real image denoising with feature attention", ICCV (Oral), 2019.
Ws Dan.pytorch
⭐
221
A PyTorch implementation of WS-DAN (Weakly Supervised Data Augmentation Network) for FGVC (Fine-Grained Visual Classification)
Decoupled Attention Network
⭐
219
Pytorch implementation for "Decoupled attention network for text recognition".
Textclf
⭐
217
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextR
Pytorch Batch Attention Seq2seq
⭐
215
PyTorch implementation of batched bi-RNN encoder and attention-decoder.
Pytorch Lesson Zh
⭐
214
pytorch 包教不包会
Deeprl Grounding
⭐
213
Train an RL agent to execute natural language instructions in a 3D Environment (PyTorch)
Traffic_prediction
⭐
210
Traffic prediction is the task of predicting future traffic measurements (e.g. volume, speed, etc.) in a road network (graph), using historical data (timeseries).
Bottom Up Attention.pytorch
⭐
207
A PyTorch reimplementation of bottom-up-attention models
Se3 Transformer Pytorch
⭐
205
Implementation of SE3-Transformers for Equivariant Self-Attention, in Pytorch. This specific repository is geared towards integration with eventual Alphafold2 replication.
Difformer
⭐
204
The official implementation for ICLR23 spotlight paper "DIFFormer: Scalable (Graph) Transformers Induced by Energy Constrained Diffusion"
Attention_ocr.pytorch
⭐
197
This repository implements the the encoder and decoder model with attention model for OCR
Rnan
⭐
196
PyTorch code for our ICLR 2019 paper "Residual Non-local Attention Networks for Image Restoration"
Deepviewagg
⭐
195
[CVPR'22 Best Paper Finalist] Official PyTorch implementation of the method presented in "Learning Multi-View Aggregation In the Wild for Large-Scale 3D Semantic Segmentation"
Related Searches
Python Pytorch (14,667)
Deep Learning Pytorch (7,270)
Jupyter Notebook Pytorch (4,791)
Machine Learning Pytorch (2,776)
Python Attention (2,327)
Dataset Pytorch (1,881)
Pytorch Neural Network (1,631)
Pytorch Convolutional Neural Networks (1,577)
Pytorch Tensorflow (1,504)
Pytorch Natural Language Processing (1,408)
1-100 of 571 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2023 Awesome Open Source. All rights reserved.