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
object detection; robust detection; ACM MM21 grand challenge; Security AI Challenger Phase VII

赛题背景 在商品知识产权领域,知识产权体现为在线商品的设计和品牌。不幸的是,在每一天,存在着非法商户通过一些对抗手段干扰商标识别来逃避侵权,这带来了很高的知识产权风险和财务损失。为了促进先进的多媒体人工智能技术的发展,以保护企业来之不易的创作和想法免受恶意使用和剽窃,因此提出了鲁棒性标识检测挑战赛

65 Dec 22, 2022
Fair Recommendation in Two-Sided Platforms

Fair Recommendation in Two-Sided Platforms

gourabgggg 1 Nov 10, 2021
Full Stack Deep Learning Labs

Full Stack Deep Learning Labs Welcome! Project developed during lab sessions of the Full Stack Deep Learning Bootcamp. We will build a handwriting rec

Full Stack Deep Learning 1.2k Dec 31, 2022
This project uses Template Matching technique for object detecting by detection of template image over base image.

Object Detection Project Using OpenCV This project uses Template Matching technique for object detecting by detection the template image over base ima

Pratham Bhatnagar 7 May 29, 2022
A machine learning package for streaming data in Python. The other ancestor of River.

scikit-multiflow is a machine learning package for streaming data in Python. creme and scikit-multiflow are merging into a new project called River. W

670 Dec 30, 2022
Personalized Federated Learning using Pytorch (pFedMe)

Personalized Federated Learning with Moreau Envelopes (NeurIPS 2020) This repository implements all experiments in the paper Personalized Federated Le

Charlie Dinh 226 Dec 30, 2022
This is a collection of our NAS and Vision Transformer work.

AutoML - Neural Architecture Search This is a collection of our AutoML-NAS work iRPE (NEW): Rethinking and Improving Relative Position Encoding for Vi

Microsoft 828 Dec 28, 2022
用opencv的dnn模块做yolov5目标检测,包含C++和Python两个版本的程序

yolov5-dnn-cpp-py yolov5s,yolov5l,yolov5m,yolov5x的onnx文件在百度云盘下载, 链接:https://pan.baidu.com/s/1d67LUlOoPFQy0MV39gpJiw 提取码:bayj python版本的主程序是main_yolov5.

365 Jan 04, 2023
This repository contains project created during the Data Challenge module at London School of Hygiene & Tropical Medicine

LSHTM_RCS This repository contains project created during the Data Challenge module at London School of Hygiene & Tropical Medicine (LSHTM) in collabo

Lukas Kopecky 3 Jan 30, 2022
Interpretable and Generalizable Person Re-Identification with Query-Adaptive Convolution and Temporal Lifting

QAConv Interpretable and Generalizable Person Re-Identification with Query-Adaptive Convolution and Temporal Lifting This PyTorch code is proposed in

Shengcai Liao 166 Dec 28, 2022
Code for paper ECCV 2020 paper: Who Left the Dogs Out? 3D Animal Reconstruction with Expectation Maximization in the Loop.

Who Left the Dogs Out? Evaluation and demo code for our ECCV 2020 paper: Who Left the Dogs Out? 3D Animal Reconstruction with Expectation Maximization

Benjamin Biggs 29 Dec 28, 2022
A simple rest api that classifies pneumonia infection weather it is Normal, Pneumonia Virus or Pneumonia Bacteria from a chest-x-ray image.

This is a simple rest api that classifies pneumonia infection weather it is Normal, Pneumonia Virus or Pneumonia Bacteria from a chest-x-ray image.

crispengari 3 Jan 08, 2022
A Topic Modeling toolbox

Topik A Topic Modeling toolbox. Introduction The aim of topik is to provide a full suite and high-level interface for anyone interested in applying to

Anaconda, Inc. (formerly Continuum Analytics, Inc.) 93 Dec 01, 2022
[2021 MultiMedia] CONQUER: Contextual Query-aware Ranking for Video Corpus Moment Retrieval

CONQUER: Contexutal Query-aware Ranking for Video Corpus Moment Retreival PyTorch implementation of CONQUER: Contexutal Query-aware Ranking for Video

Hou zhijian 23 Dec 26, 2022
PyTorch common framework to accelerate network implementation, training and validation

pytorch-framework PyTorch common framework to accelerate network implementation, training and validation. This framework is inspired by works from MML

Dongliang Cao 3 Dec 19, 2022
HiFi-GAN: High Fidelity Denoising and Dereverberation Based on Speech Deep Features in Adversarial Networks

HiFiGAN Denoiser This is a Unofficial Pytorch implementation of the paper HiFi-GAN: High Fidelity Denoising and Dereverberation Based on Speech Deep F

Rishikesh (ऋषिकेश) 134 Dec 27, 2022
Pretrained models for Jax/Haiku; MobileNet, ResNet, VGG, Xception.

Pre-trained image classification models for Jax/Haiku Jax/Haiku Applications are deep learning models that are made available alongside pre-trained we

Alper Baris CELIK 14 Dec 20, 2022
Scalable Graph Neural Networks for Heterogeneous Graphs

Neighbor Averaging over Relation Subgraphs (NARS) NARS is an algorithm for node classification on heterogeneous graphs, based on scalable neighbor ave

Facebook Research 67 Dec 03, 2022
This is an open source library implementing hyperbox-based machine learning algorithms

hyperbox-brain is a Python open source toolbox implementing hyperbox-based machine learning algorithms built on top of scikit-learn and is distributed

Complex Adaptive Systems (CAS) Lab - University of Technology Sydney 21 Dec 14, 2022
Computer Vision application in the web

Computer Vision application in the web Preview Usage Clone this repo git clone https://github.com/amineHY/WebApp-Computer-Vision-streamlit.git cd Web

Amine Hadj-Youcef. PhD 35 Dec 06, 2022