This is an official implementation of "Polarized Self-Attention: Towards High-quality Pixel-wise Regression"

Related tags

Deep Learning PSA
Overview

Polarized Self-Attention: Towards High-quality Pixel-wise Regression

This is an official implementation of:

Huajun Liu, Fuqiang Liu, Xinyi Fan and Dong Huang. Polarized Self-Attention: Towards High-quality Pixel-wise Regression Arxiv Version

PWC PWC PWC

Citation:

@article{Liu2021PSA,
  title={Polarized Self-Attention: Towards High-quality Pixel-wise Regression},
  author={Huajun Liu and Fuqiang Liu and Xinyi Fan and Dong Huang},
  journal={Arxiv Pre-Print arXiv:2107.00782 },
  year={2021}
}

Codes and Pre-trained models will be uploaded soon~

Top-down 2D pose estimation models pre-trained on the MS-COCO keypoint task(Table4 in the Arxiv version).

Model Name Backbone Input Size AP pth file
UDP-Pose-PSA(p) HRNet-W48 256x192 78.9 to be uploaded
UDP-Pose-PSA(p) HRNet-W48 384x288 79.5 to be uploaded
UDP-Pose-PSA(s) HRNet-W48 384x288 79.4 to be uploaded

Setup and inference:

Semantic segmentation models pre-trained on Cityscapes (Table5 in the Arxiv version).

Model Name Backbone val mIoU pth file
HRNetV2-OCR+PSA(p) HRNetV2-W48 86.95 download
HRNetV2-OCR+PSA(s) HRNetV2-W48 86.72 download

Setup and inference:

Comments
  • How to export the model as ONNX

    How to export the model as ONNX

    Hello,

    I'm interested in testing the HRNetV2-OCR+PSA(p) with OpenCV, but I believe there is no way to load a .pth file. I'm checking how to use pytorch to load the network and then export it to ONNX, but It seems that I need to know the model definition to properly load the network. Am I going in the right direction? Sorry if the question seems naive, I don't have a lot of experience with ML, especially with pytorch.

    Thanks in advance

    opened by LeonardoRez 0
  • PSA module missing in bottleneck block

    PSA module missing in bottleneck block

    The PSA module that is defined here is only used in the basic block of HRNet and not the bottleneck block. The paper says this though:

    For any baseline networks with the bottleneck or basic residual blocks, such as ResNet and HRnet, we add PSAs after the first 3x3 convolution in every residual blocks, respectively.

    opened by fferflo 1
  • I trained PSA on pose estimation, it doesn't have the same effect as the paper claims.

    I trained PSA on pose estimation, it doesn't have the same effect as the paper claims.

    I added the PSA_p module on BasicBlock as the segmentation code did here. However, it has no effect on the final results. The final results are even 0.1% less than directly using the HRNet v2. I used the HRNet pose estimation default training schedule.

    opened by ArchNew 2
  • How to use PSA in human pose estimation?

    How to use PSA in human pose estimation?

    It's my honor to see such an excellent job.

    I use hrnetv2.py in the network to train MPIIi dataset, but the effect has not changed. How do I use the PSA module?

    Look forward to your human pose estimation code.Thank you!

    opened by wangdong0556 0
  • It seems that the implementation of Channel only self attention and Spatial only self attention change each other.

    It seems that the implementation of Channel only self attention and Spatial only self attention change each other.

    Thanks for sharing your work!

    https://github.com/DeLightCMU/PSA/blob/588b370d9f240d38832061a70c275cb6eb81232e/semantic-segmentation/network/PSA.py#L64-L95

    image

    It seems that spatial_pool function is the same with Channel-only self attention module.

    opened by developer0hye 5
Owner
DeLightCMU
Research group at CMU
DeLightCMU
Official implementation of AAAI-21 paper "Label Confusion Learning to Enhance Text Classification Models"

Description: This is the official implementation of our AAAI-21 accepted paper Label Confusion Learning to Enhance Text Classification Models. The str

null 101 Nov 25, 2022
Official PyTorch implementation for paper Context Matters: Graph-based Self-supervised Representation Learning for Medical Images

Context Matters: Graph-based Self-supervised Representation Learning for Medical Images Official PyTorch implementation for paper Context Matters: Gra

null 49 Nov 23, 2022
The official implementation of NeMo: Neural Mesh Models of Contrastive Features for Robust 3D Pose Estimation [ICLR-2021]. https://arxiv.org/pdf/2101.12378.pdf

NeMo: Neural Mesh Models of Contrastive Features for Robust 3D Pose Estimation [ICLR-2021] Release Notes The offical PyTorch implementation of NeMo, p

Angtian Wang 76 Nov 23, 2022
StyleGAN2-ADA - Official PyTorch implementation

Abstract: Training generative adversarial networks (GAN) using too little data typically leads to discriminator overfitting, causing training to diverge. We propose an adaptive discriminator augmentation mechanism that significantly stabilizes training in limited data regimes.

NVIDIA Research Projects 3.2k Dec 30, 2022
Official implementation of the ICLR 2021 paper

You Only Need Adversarial Supervision for Semantic Image Synthesis Official PyTorch implementation of the ICLR 2021 paper "You Only Need Adversarial S

Bosch Research 272 Dec 28, 2022
Official PyTorch implementation of Joint Object Detection and Multi-Object Tracking with Graph Neural Networks

This is the official PyTorch implementation of our paper: "Joint Object Detection and Multi-Object Tracking with Graph Neural Networks". Our project website and video demos are here.

Richard Wang 443 Dec 6, 2022
Official implementation of the paper Image Generators with Conditionally-Independent Pixel Synthesis https://arxiv.org/abs/2011.13775

CIPS -- Official Pytorch Implementation of the paper Image Generators with Conditionally-Independent Pixel Synthesis Requirements pip install -r requi

Multimodal Lab @ Samsung AI Center Moscow 201 Dec 21, 2022
Official pytorch implementation of paper "Image-to-image Translation via Hierarchical Style Disentanglement".

HiSD: Image-to-image Translation via Hierarchical Style Disentanglement Official pytorch implementation of paper "Image-to-image Translation

null 364 Dec 14, 2022
Official pytorch implementation of paper "Inception Convolution with Efficient Dilation Search" (CVPR 2021 Oral).

IC-Conv This repository is an official implementation of the paper Inception Convolution with Efficient Dilation Search. Getting Started Download Imag

Jie Liu 111 Dec 31, 2022
Official PyTorch Implementation of Unsupervised Learning of Scene Flow Estimation Fusing with Local Rigidity

UnRigidFlow This is the official PyTorch implementation of UnRigidFlow (IJCAI2019). Here are two sample results (~10MB gif for each) of our unsupervis

Liang Liu 28 Nov 16, 2022
Official implementation of our paper "LLA: Loss-aware Label Assignment for Dense Pedestrian Detection" in Pytorch.

LLA: Loss-aware Label Assignment for Dense Pedestrian Detection This project provides an implementation for "LLA: Loss-aware Label Assignment for Dens

null 35 Dec 6, 2022
Official implementation of Self-supervised Graph Attention Networks (SuperGAT), ICLR 2021.

SuperGAT Official implementation of Self-supervised Graph Attention Networks (SuperGAT). This model is presented at How to Find Your Friendly Neighbor

Dongkwan Kim 127 Dec 28, 2022
An official implementation of "SFNet: Learning Object-aware Semantic Correspondence" (CVPR 2019, TPAMI 2020) in PyTorch.

PyTorch implementation of SFNet This is the implementation of the paper "SFNet: Learning Object-aware Semantic Correspondence". For more information,

CV Lab @ Yonsei University 87 Dec 30, 2022
This project is the official implementation of our accepted ICLR 2021 paper BiPointNet: Binary Neural Network for Point Clouds.

BiPointNet: Binary Neural Network for Point Clouds Created by Haotong Qin, Zhongang Cai, Mingyuan Zhang, Yifu Ding, Haiyu Zhao, Shuai Yi, Xianglong Li

Haotong Qin 59 Dec 17, 2022
Official code implementation for "Personalized Federated Learning using Hypernetworks"

Personalized Federated Learning using Hypernetworks This is an official implementation of Personalized Federated Learning using Hypernetworks paper. [

Aviv Shamsian 121 Dec 25, 2022
StyleGAN2 - Official TensorFlow Implementation

StyleGAN2 - Official TensorFlow Implementation

NVIDIA Research Projects 10.1k Dec 28, 2022
Old Photo Restoration (Official PyTorch Implementation)

Bringing Old Photo Back to Life (CVPR 2020 oral)

Microsoft 11.3k Dec 30, 2022
Official implementation of "GS-WGAN: A Gradient-Sanitized Approach for Learning Differentially Private Generators" (NeurIPS 2020)

GS-WGAN This repository contains the implementation for GS-WGAN: A Gradient-Sanitized Approach for Learning Differentially Private Generators (NeurIPS

null 46 Nov 9, 2022
Official PyTorch implementation of Spatial Dependency Networks.

Spatial Dependency Networks: Neural Layers for Improved Generative Image Modeling Đorđe Miladinović   Aleksandar Stanić   Stefan Bauer   Jürgen Schmid

Djordje Miladinovic 34 Jan 19, 2022