Summary of related papers on visual attention

Overview

This repo is built for paper: Attention Mechanisms in Computer Vision: A Survey paper

image

🔥 (citations > 200)

  • TODO : Code about different attention mechanisms will come soon.
  • TODO : Code link will come soon.
  • TODO : collect more related papers. Contributions are welcome.

Channel attention

  • Squeeze-and-Excitation Networks(CVPR2018) pdf, (PAMI2019 version) pdf 🔥
  • Image superresolution using very deep residual channel attention networks(ECCV2018) pdf 🔥
  • Context encoding for semantic segmentation(CVPR2018) pdf 🔥
  • Spatio-temporal channel correlation networks for action classification(ECCV2018) pdf
  • Global second-order pooling convolutional networks(CVPR2019) pdf
  • Srm : A style-based recalibration module for convolutional neural networks(ICCV2019) pdf
  • You look twice: Gaternet for dynamic filter selection in cnns(CVPR2019) pdf
  • Second-order attention network for single image super-resolution(CVPR2019) pdf 🔥
  • Spsequencenet: Semantic segmentation network on 4d point clouds(CVPR2020) pdf
  • Ecanet: Efficient channel attention for deep convolutional neural networks (CVPR2020) pdf 🔥
  • Gated channel transformation for visual recognition(CVPR2020) pdf
  • Fcanet: Frequency channel attention networks(ICCV2021) pdf

Spatial attention

  • Recurrent models of visual attention(NeurIPS2014), pdf 🔥
  • Show, attend and tell: Neural image caption generation with visual attention(PMLR2015) pdf 🔥
  • Draw: A recurrent neural network for image generation(ICML2015) pdf 🔥
  • Spatial transformer networks(NeurIPS2015) pdf 🔥
  • Multiple object recognition with visual attention(ICLR2015) pdf 🔥
  • Action recognition using visual attention(arXiv2015) pdf 🔥
  • Videolstm convolves, attends and flows for action recognition(arXiv2016) pdf 🔥
  • Look closer to see better: Recurrent attention convolutional neural network for fine-grained image recognition(CVPR2017) pdf 🔥
  • Learning multi-attention convolutional neural network for fine-grained image recognition(ICCV2017) pdf 🔥
  • Diversified visual attention networks for fine-grained object classification(TMM2017) pdf 🔥
  • Attentional pooling for action recognition(NeurIPS2017) pdf 🔥
  • Non-local neural networks(CVPR2018) pdf 🔥
  • Attentional shapecontextnet for point cloud recognition(CVPR2018) pdf
  • Relation networks for object detection(CVPR2018) pdf 🔥
  • a2-nets: Double attention networks(NeurIPS2018) pdf 🔥
  • Attention-aware compositional network for person re-identification(CVPR2018) pdf 🔥
  • Tell me where to look: Guided attention inference network(CVPR2018) pdf 🔥
  • Pedestrian alignment network for large-scale person re-identification(TCSVT2018) pdf 🔥
  • Learn to pay attention(ICLR2018) pdf 🔥
  • Attention U-Net: Learning Where to Look for the Pancreas(MIDL2018) pdf 🔥
  • Psanet: Point-wise spatial attention network for scene parsing(ECCV2018) pdf 🔥
  • Self attention generative adversarial networks(ICML2019) pdf 🔥
  • Attentional pointnet for 3d-object detection in point clouds(CVPRW2019) pdf
  • Co-occurrent features in semantic segmentation(CVPR2019) pdf
  • Attention augmented convolutional networks(ICCV2019) pdf 🔥
  • Local relation networks for image recognition(ICCV2019) pdf
  • Latentgnn: Learning efficient nonlocal relations for visual recognition(ICML2019) pdf
  • Graph-based global reasoning networks(CVPR2019) pdf 🔥
  • Gcnet: Non-local networks meet squeeze-excitation networks and beyond(ICCVW2019) pdf 🔥
  • Asymmetric non-local neural networks for semantic segmentation(ICCV2019) pdf 🔥
  • Looking for the devil in the details: Learning trilinear attention sampling network for fine-grained image recognition(CVPR2019) pdf
  • Second-order non-local attention networks for person re-identification(ICCV2019) pdf 🔥
  • End-to-end comparative attention networks for person re-identification(ICCV2019) pdf 🔥
  • Modeling point clouds with self-attention and gumbel subset sampling(CVPR2019) pdf
  • Diagnose like a radiologist: Attention guided convolutional neural network for thorax disease classification(arXiv 2019) pdf
  • L2g autoencoder: Understanding point clouds by local-to-global reconstruction with hierarchical self-attention(arXiv 2019) pdf
  • Generative pretraining from pixels(PMLR2020) pdf
  • Exploring self-attention for image recognition(CVPR2020) pdf
  • Cf-sis: Semantic-instance segmentation of 3d point clouds by context fusion with self attention(MM20) pdf
  • Disentangled non-local neural networks(ECCV2020) pdf
  • Relation-aware global attention for person re-identification(CVPR2020) pdf
  • Segmentation transformer: Object-contextual representations for semantic segmentation(ECCV2020) pdf 🔥
  • Spatial pyramid based graph reasoning for semantic segmentation(CVPR2020) pdf
  • Self-supervised Equivariant Attention Mechanism for Weakly Supervised Semantic Segmentation(CVPR2020) pdf
  • End-to-end object detection with transformers(ECCV2020) pdf 🔥
  • Pointasnl: Robust point clouds processing using nonlocal neural networks with adaptive sampling(CVPR2020) pdf
  • Rethinking semantic segmentation from a sequence-to-sequence perspective with transformers(CVPR2021) pdf
  • An image is worth 16x16 words: Transformers for image recognition at scale(ICLR2021) pdf 🔥
  • An empirical study of training selfsupervised vision transformers(CVPR2021) pdf
  • Ocnet: Object context network for scene parsing(IJCV 2021) pdf 🔥
  • Point transformer(ICCV 2021) pdf
  • PCT: Point Cloud Transformer (CVMJ 2021) pdf
  • Pre-trained image processing transformer(CVPR 2021) pdf
  • An empirical study of training self-supervised vision transformers(ICCV 2021) pdf
  • Segformer: Simple and efficient design for semantic segmentation with transformers(arxiv 2021) pdf
  • Beit: Bert pre-training of image transformers(arxiv 2021) pdf
  • Beyond selfattention: External attention using two linear layers for visual tasks(arxiv 2021) pdf
  • Query2label: A simple transformer way to multi-label classification(arxiv 2021) pdf
  • Transformer in transformer(arxiv 2021) pdf

Temporal attention

  • Jointly attentive spatial-temporal pooling networks for video-based person re-identification (ICCV 2017) pdf 🔥
  • Video person reidentification with competitive snippet-similarity aggregation and co-attentive snippet embedding(CVPR 2018) pdf
  • Scan: Self-and-collaborative attention network for video person re-identification (TIP 2019) pdf

Branch attention

  • Training very deep networks, (NeurIPS 2015) pdf 🔥
  • Selective kernel networks,(CVPR 2019) pdf 🔥
  • CondConv: Conditionally Parameterized Convolutions for Efficient Inference (NeurIPS 2019) pdf
  • Dynamic convolution: Attention over convolution kernels (CVPR 2020) pdf
  • ResNest: Split-attention networks (arXiv 2020) pdf 🔥

ChannelSpatial attention

  • Residual attention network for image classification (CVPR 2017) pdf 🔥
  • SCA-CNN: spatial and channel-wise attention in convolutional networks for image captioning,(CVPR 2017) pdf 🔥
  • CBAM: convolutional block attention module, (ECCV 2018) pdf 🔥
  • Harmonious attention network for person re-identification (CVPR 2018) pdf 🔥
  • Recalibrating fully convolutional networks with spatial and channel “squeeze and excitation” blocks (TMI 2018) pdf
  • Mancs: A multi-task attentional network with curriculum sampling for person re-identification (ECCV 2018) pdf 🔥
  • Bam: Bottleneck attention module(BMVC 2018) pdf 🔥
  • Pvnet: A joint convolutional network of point cloud and multi-view for 3d shape recognition (ACM MM 2018) pdf
  • Learning what and where to attend,(ICLR 2019) pdf
  • Dual attention network for scene segmentation (CVPR 2019) pdf 🔥
  • Abd-net: Attentive but diverse person re-identification (ICCV 2019) pdf
  • Mixed high-order attention network for person re-identification (ICCV 2019) pdf
  • Mlcvnet: Multi-level context votenet for 3d object detection (CVPR 2020) pdf
  • Improving convolutional networks with self-calibrated convolutions (CVPR 2020) pdf
  • Relation-aware global attention for person re-identification (CVPR 2020) pdf
  • Strip Pooling: Rethinking spatial pooling for scene parsing (CVPR 2020) pdf
  • Rotate to attend: Convolutional triplet attention module, (WACV 2021) pdf
  • Coordinate attention for efficient mobile network design (CVPR 2021) pdf
  • Simam: A simple, parameter-free attention module for convolutional neural networks (ICML 2021) pdf

SpatialTemporal attention

  • An end-to-end spatio-temporal attention model for human action recognition from skeleton data(AAAI 2017) pdf 🔥
  • Diversity regularized spatiotemporal attention for video-based person re-identification (ArXiv 2018) 🔥
  • Interpretable spatio-temporal attention for video action recognition (ICCVW 2019) pdf
  • Hierarchical lstms with adaptive attention for visual captioning, (TPAMI 2020) pdf
  • Stat: Spatial-temporal attention mechanism for video captioning, (TMM 2020) pdf_link
  • Gta: Global temporal attention for video action understanding (ArXiv 2020) pdf
  • Multi-granularity reference-aided attentive feature aggregation for video-based person re-identification (CVPR 2020) pdf
  • Read: Reciprocal attention discriminator for image-to-video re-identification, (ECCV 2020) pdf
  • Decoupled spatial-temporal transformer for video inpainting (ArXiv 2021) pdf
Owner
MenghaoGuo
Second-year Ph.D candidate at G2 group, Tsinghua University.
MenghaoGuo
The comma.ai Calibration Challenge!

Welcome to the comma.ai Calibration Challenge! Your goal is to predict the direction of travel (in camera frame) from provided dashcam video. This rep

comma.ai 697 Jan 05, 2023
🤗 Push your spaCy pipelines to the Hugging Face Hub

spacy-huggingface-hub: Push your spaCy pipelines to the Hugging Face Hub This package provides a CLI command for uploading any trained spaCy pipeline

Explosion 30 Oct 09, 2022
Generate high quality pictures. GAN. Generative Adversarial Networks

ESRGAN generate high quality pictures. GAN. Generative Adversarial Networks """ Super-resolution of CelebA using Generative Adversarial Networks. The

Lieon 1 Dec 14, 2021
offical implement of our Lifelong Person Re-Identification via Adaptive Knowledge Accumulation in CVPR2021

LifelongReID Offical implementation of our Lifelong Person Re-Identification via Adaptive Knowledge Accumulation in CVPR2021 by Nan Pu, Wei Chen, Yu L

PeterPu 76 Dec 08, 2022
This repository provides a PyTorch implementation and model weights for HCSC (Hierarchical Contrastive Selective Coding)

HCSC: Hierarchical Contrastive Selective Coding This repository provides a PyTorch implementation and model weights for HCSC (Hierarchical Contrastive

YUANFAN GUO 111 Dec 20, 2022
Source codes of CenterTrack++ in 2021 ICME Workshop on Big Surveillance Data Processing and Analysis

MOT Tracked object bounding box association (CenterTrack++) New association method based on CenterTrack. Two new branches (Tracked Size and IOU) are a

36 Oct 04, 2022
A simple Python configuration file operator.

A simple Python configuration file operator This project provides a common way to read configurations using config42. Installation It is possible to i

Scott Lau 2 Nov 08, 2021
The implementation of the algorithm in the paper "Safe Deep Semi-Supervised Learning for Unseen-Class Unlabeled Data" published in ICML 2020.

DS3L This is the code for paper "Safe Deep Semi-Supervised Learning for Unseen-Class Unlabeled Data" published in ICML 2020. Setups The code is implem

Guolz 36 Oct 19, 2022
A PyTorch implementation of EfficientNet and EfficientNetV2 (coming soon!)

EfficientNet PyTorch Quickstart Install with pip install efficientnet_pytorch and load a pretrained EfficientNet with: from efficientnet_pytorch impor

Luke Melas-Kyriazi 7.2k Jan 06, 2023
[ACM MM 2021] TSA-Net: Tube Self-Attention Network for Action Quality Assessment

Tube Self-Attention Network (TSA-Net) This repository contains the PyTorch implementation for paper TSA-Net: Tube Self-Attention Network for Action Qu

ShunliWang 18 Dec 23, 2022
Code release for the paper “Worldsheet Wrapping the World in a 3D Sheet for View Synthesis from a Single Image”, ICCV 2021.

Worldsheet: Wrapping the World in a 3D Sheet for View Synthesis from a Single Image This repository contains the code for the following paper: R. Hu,

Meta Research 37 Jan 04, 2023
A machine learning benchmark of in-the-wild distribution shifts, with data loaders, evaluators, and default models.

WILDS is a benchmark of in-the-wild distribution shifts spanning diverse data modalities and applications, from tumor identification to wildlife monitoring to poverty mapping.

P-Lambda 437 Dec 30, 2022
Plaything for Autistic Children (demo for PaddlePaddle/Wechaty/Mixlab project)

星星的孩子 - 一款为孤独症孩子设计的聊天机器人游戏 孤独症儿童是目前常常被忽视的一类群体。他们有着类似性格内向的特征,实际却受着广泛性发育障碍的折磨。 项目背景 这类儿童在与人交往时存在着沟通障碍,其特点表现在: 社交交流差,互动障碍明显 认知能力有限,被动认知 兴趣狭窄,重复刻板,缺乏变化和想象

Tianyi Pan 35 Nov 24, 2022
an implementation of Revisiting Adaptive Convolutions for Video Frame Interpolation using PyTorch

revisiting-sepconv This is a reference implementation of Revisiting Adaptive Convolutions for Video Frame Interpolation [1] using PyTorch. Given two f

Simon Niklaus 59 Dec 22, 2022
Beta Shapley: a Unified and Noise-reduced Data Valuation Framework for Machine Learning

Beta Shapley: a Unified and Noise-reduced Data Valuation Framework for Machine Learning This repository provides an implementation of the paper Beta S

Yongchan Kwon 28 Nov 10, 2022
Paper list of log-based anomaly detection

Paper list of log-based anomaly detection

Weibin Meng 411 Dec 05, 2022
D2Go is a toolkit for efficient deep learning

D2Go D2Go is a production ready software system from FacebookResearch, which supports end-to-end model training and deployment for mobile platforms. W

Facebook Research 744 Jan 04, 2023
A light weight data augmentation tool for training CNNs and Viola Jones detectors

hey-daug A light weight data augmentation tool for training CNNs and Viola Jones detectors (Haar Cascades). This tool inflates your data by up to six

Jaiyam Sharma 2 Nov 23, 2019
Live training loss plot in Jupyter Notebook for Keras, PyTorch and others

livelossplot Don't train deep learning models blindfolded! Be impatient and look at each epoch of your training! (RECENT CHANGES, EXAMPLES IN COLAB, A

Piotr Migdał 1.2k Jan 08, 2023
A PyTorch implementation of DenseNet.

A PyTorch Implementation of DenseNet This is a PyTorch implementation of the DenseNet-BC architecture as described in the paper Densely Connected Conv

Brandon Amos 771 Dec 15, 2022