基于Paddle框架的fcanet复现

Overview

fcanet-Paddle

基于Paddle框架的fcanet复现

fcanet

本项目基于paddlepaddle框架复现fcanet,并参加百度第三届论文复现赛,将在2021年5月15日比赛完后提供AIStudio链接~敬请期待

参考项目:

frazerlin-fcanet

数据准备

本项目已挂载论文所使用的数据集,对于tgztar文件需要利用以下命令解压

tar -xvf benchmark.tgz
tar xvf VOCtrainval_11-May-2012.tar

整个工程具有以下目录结构

/home/aistudio
|───Data(数据集)
└───────benchmark_RELEASE
└───────VOCdevkit
└───────GrabCut
└───────Berkeley
└───fcanet(代码文件)
└───InitialPaddleModel(初始化权重)

训练

The official PyTorch implementation of CVPR 2020 paper "Interactive Image Segmentation with First Click Attention". 并未提供训练代码。通过邮件联系作者,作者由于企业合作项目原因,合作结束后会将会提供训练代码

测试

模型下载

提取码:2ira

AIStudio链接

验证集测试

python fcanet/evaluate.py --backbone [resnet/res2net] --dataset [GrabCut,Berkeley,DAVIS(not exists in this repo),VOCdevkit] (--sis)

如下图所示,默认的backbone均为101

resnet101测试示例

res2net101测试示例

backbone dataset mNoC mIoU-NoC
resnet101 Berkeley 4.23 [0. 0.728 0.854 0.885 0.912 0.915 0.926 0.935 0.939 0.935 0.94 0.943 0.942 0.944 0.945 0.945 0.947 0.947 0.948 0.947 0.949]
resnet101 GrabCut 2.24 [0. 0.78 0.87 0.923 0.944 0.95 0.956 0.966 0.964 0.971 0.971 0.971 0.975 0.977 0.978 0.979 0.978 0.978 0.979 0.979 0.979]
resnet101 VOC2012 2.9810329734461627 [0. 0.715 0.838 0.885 0.909 0.926 0.937 0.945 0.951 0.957 0.962 0.964 0.967 0.969 0.971 0.973 0.974 0.976 0.977 0.978 0.979]
res2net101 Berkeley 3.98 [0. 0.788 0.872 0.901 0.921 0.93 0.933 0.938 0.938 0.943 0.943 0.943 0.943 0.945 0.947 0.948 0.949 0.949 0.95 0.951 0.95 ]
res2net101 GrabCut 2.16 [0. 0.819 0.877 0.927 0.916 0.931 0.948 0.96 0.966 0.967 0.969 0.971 0.973 0.976 0.977 0.976 0.978 0.977 0.98 0.977 0.979]
res2net101 VOC2012 2.793988911584476 [0. 0.757 0.841 0.882 0.908 0.925 0.937 0.945 0.952 0.958 0.963 0.966 0.968 0.971 0.973 0.974 0.976 0.977 0.978 0.98 0.98 ]

可视化测试

利用annotator.py可以实现可视化操作,感兴趣的读者可是利用Qt实现UI程序,实现效果如下所示

需要注意的是,AIStudio环境暂不支持这种可视化方式,你需要将此仓库部署到本地运行,你可能需要修改代码文件中的路径

python fcanet/annotator.py --backbone res2net --input fcanet/test.jpg --output test_mask.jpg

关于作者

姓名 郭权浩
学校 电子科技大学研2020级
研究方向 计算机视觉
主页 Deep Hao的主页
如有错误,请及时留言纠正,非常蟹蟹!
后续会有更多论文复现系列推出,欢迎大家有问题留言交流学习,共同进步成长!
Owner
QuanHao Guo
master at UESTC
QuanHao Guo
code for `Look Closer to Segment Better: Boundary Patch Refinement for Instance Segmentation`

Look Closer to Segment Better: Boundary Patch Refinement for Instance Segmentation (CVPR 2021) Introduction PBR is a conceptually simple yet effective

H.Chen 143 Jan 05, 2023
This repository is the official implementation of the Hybrid Self-Attention NEAT algorithm.

This repository is the official implementation of the Hybrid Self-Attention NEAT algorithm. It contains the code to reproduce the results presented in the original paper: https://arxiv.org/abs/2112.0

Saman Khamesian 6 Dec 13, 2022
Nerf pl - NeRF (Neural Radiance Fields) and NeRF in the Wild using pytorch-lightning

nerf_pl Update: an improved NSFF implementation to handle dynamic scene is open! Update: NeRF-W (NeRF in the Wild) implementation is added to nerfw br

AI葵 1.8k Dec 30, 2022
Adaptive Dropblock Enhanced GenerativeAdversarial Networks for Hyperspectral Image Classification

This repo holds the codes of our paper: Adaptive Dropblock Enhanced GenerativeAdversarial Networks for Hyperspectral Image Classification, which is ac

Feng Gao 17 Dec 28, 2022
Contrastive Learning for Many-to-many Multilingual Neural Machine Translation(mCOLT/mRASP2), ACL2021

Contrastive Learning for Many-to-many Multilingual Neural Machine Translation(mCOLT/mRASP2), ACL2021 The code for training mCOLT/mRASP2, a multilingua

104 Jan 01, 2023
A python module for configuration of block devices

Blivet is a python module for system storage configuration. CI status Licence See COPYING Installation From Fedora repositories Blivet is available in

78 Dec 14, 2022
Mmdetection3d Noted - MMDetection3D is an open source object detection toolbox based on PyTorch

MMDetection3D is an open source object detection toolbox based on PyTorch

Jiangjingwen 13 Jan 06, 2023
[AAAI 2021] MVFNet: Multi-View Fusion Network for Efficient Video Recognition

MVFNet: Multi-View Fusion Network for Efficient Video Recognition (AAAI 2021) Overview We release the code of the MVFNet (Multi-View Fusion Network).

Wenhao Wu 114 Nov 27, 2022
Mercury: easily convert Python notebook to web app and share with others

Mercury Share your Python notebooks with others Easily convert your Python notebooks into interactive web apps by adding parameters in YAML. Simply ad

MLJAR 2.2k Dec 27, 2022
Simple Tensorflow implementation of Toward Spatially Unbiased Generative Models (ICCV 2021)

Spatial unbiased GANs — Simple TensorFlow Implementation [Paper] : Toward Spatially Unbiased Generative Models (ICCV 2021) Abstract Recent image gener

Junho Kim 16 Apr 15, 2022
Deep Learning Tutorial for Kaggle Ultrasound Nerve Segmentation competition, using Keras

Deep Learning Tutorial for Kaggle Ultrasound Nerve Segmentation competition, using Keras This tutorial shows how to use Keras library to build deep ne

Marko Jocić 922 Dec 19, 2022
VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.

What's New Below we share, in reverse chronological order, the updates and new releases in VISSL. All VISSL releases are available here. [Oct 2021]: V

Meta Research 2.9k Jan 07, 2023
An ever-growing playground of notebooks showcasing CLIP's impressive zero-shot capabilities.

Playground for CLIP-like models Demo Colab Link GradCAM Visualization Naive Zero-shot Detection Smarter Zero-shot Detection Captcha Solver Changelog 2

Kevin Zakka 101 Dec 30, 2022
Face Library is an open source package for accurate and real-time face detection and recognition

Face Library Face Library is an open source package for accurate and real-time face detection and recognition. The package is built over OpenCV and us

52 Nov 09, 2022
This repository contains pre-trained models and some evaluation code for our paper Towards Unsupervised Dense Information Retrieval with Contrastive Learning

Contriever: Towards Unsupervised Dense Information Retrieval with Contrastive Learning This repository contains pre-trained models and some evaluation

Meta Research 207 Jan 08, 2023
A compendium of useful, interesting, inspirational usage of pandas functions, each example will be an ipynb file

Pandas_by_examples A compendium of useful/interesting/inspirational usage of pandas functions, each example will be an ipynb file What is this reposit

Guangyuan(Frank) Li 32 Nov 20, 2022
Utility tools for the "Divide and Remaster" dataset, introduced as part of the Cocktail Fork problem paper

Divide and Remaster Utility Tools Utility tools for the "Divide and Remaster" dataset, introduced as part of the Cocktail Fork problem paper The DnR d

Darius Petermann 46 Dec 11, 2022
This repository contains the data and code for the paper "Diverse Text Generation via Variational Encoder-Decoder Models with Gaussian Process Priors" ([email protected])

GP-VAE This repository provides datasets and code for preprocessing, training and testing models for the paper: Diverse Text Generation via Variationa

Wanyu Du 18 Dec 29, 2022
Running Google MoveNet Multipose Tracking models on OpenVINO.

MoveNet MultiPose Tracking on OpenVINO

60 Nov 17, 2022
Official implementation of the paper Label-Efficient Semantic Segmentation with Diffusion Models

Label-Efficient Semantic Segmentation with Diffusion Models Official implementation of the paper Label-Efficient Semantic Segmentation with Diffusion

Yandex Research 355 Jan 06, 2023