SCNet: Learning Semantic Correspondence

Related tags

Deep LearningSCNet
Overview

SCNet Code

Region matching code is contributed by Kai Han ([email protected]).

Dense matching code is contributed by Rafael S. Rezende ([email protected]).

This code is written in MATLAB, and implements the SCNet[1]. For the dataset, see our project page: http://www.di.ens.fr/willow/research/scnet.

Install Dependencies

Codes

SCNet_Matconvnet

Additional Matconvnet modules implemented for SCNet. These code should be copied into matconvnet/matlab/ folder.

SCNet

This is the primary net work training and testing code.

  • SCNet_A_init.m, SCNet_AG_init.m, SCNet_AGplus_init.m: initialize the SCNet_A, SCNet_AG, SCNet_AG+.

  • SCNet_A.m, SCNet_AG.m, SCNet_AGplus.m: train SCNet_A, SCNet_AG, SCNet_AG+.

  • eva_PCR_mIoU_SCNet_A.m, eva_PCR_mIoU_SCNet_AG.m, eva_PCR_mIoU_SCNet_AGplus.m: evaluate the trained nets.

  • eva_PCR_mIoU_ImageNet_SCNet_A.m, eva_PCR_mIoU_ImageNet_SCNet_AG.m, eva_PCR_mIoU_ImageNet_SCNet_AGplus.m: evaluate SCNets with ImageNet pretrained parameters, i.e., SCNets without training.

SCNet_Baselines

Comparison code for our SCNet features and HOG features with NAM, PHM and LOM in Proposal Flow [2, 3].

  • NAM_HOG_eva.m, PHM_HOG_eva.m, LOM_HOG_eva.m: evaluate NAM, PHM, and LOM with HOG features.

  • NAM_SCNet_eva.m, PHM_SCNet_eva.m, LOM_SCNet_eva.m: evaluate NAM, PHM, and LOM with learned SCNet features.

  • HOG_SCNet_AG_eva.m: replace the learned SCNet feature by HOG feature in SCNet_AG model.

Data

We used PF-PASCAL, PF-WILLOW, PASCAL Parts and CUB data sets and follows Proposal Flow[2, 3] to generate our trainging data.

Triaining data preparation code is put in PF-PASCAL-code folder.

Notes

  • The code is provided for academic use only. Use of the code in any commercial or industrial related activities is prohibited.
  • If you use our code or dataset, please cite the paper.
@InProceedings{han2017scnet,
author = {Kai Han and Rafael S. Rezende and Bumsub Ham and Kwan-Yee K. Wong and Minsu Cho and Cordelia Schmid and Jean Ponce},
title = {SCNet: Learning Semantic Correspondence},
booktitle = {International Conference on Computer Vision (ICCV)},
year = {2017}
}

References

[1] Kai Han, Rafael S. Rezende, Bumsub Ham, Kwan-Yee K. Wong, Minsu Cho, Cordelia Schmid, Jean Ponce, "SCNet: Learning Semantic Correspondence", International Conference on Computer Vision (ICCV), 2017.

[2] Bumsub Ham, Minsu Cho, Cordelia Schmid, Jean Ponce, "Proposal Flow: Semantic Correspondences from Object Proposals", IEEE Trans. on Pattern Analysis and Machine Intelligence (TPAMI), 2017

[3] Bumsub Ham, Minsu Cho, Cordelia Schmid, Jean Ponce, "Proposal Flow", Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2016

Owner
Kai Han
Visual Geometry Group (VGG)
Kai Han
This repository contains the source code for the paper First Order Motion Model for Image Animation

!!! Check out our new paper and framework improved for articulated objects First Order Motion Model for Image Animation This repository contains the s

13k Jan 09, 2023
The original implementation of TNDM used in the NeurIPS 2021 paper (no longer being updated)

TNDM - Targeted Neural Dynamical Modeling Note: This code is no longer being updated. The official re-implementation can be found at: https://github.c

1 Jul 21, 2022
Official PyTorch implementation of "Synthesis of Screentone Patterns of Manga Characters"

Manga Character Screentone Synthesis Official PyTorch implementation of "Synthesis of Screentone Patterns of Manga Characters" presented in IEEE ISM 2

Tsubota 2 Nov 20, 2021
A Text Attention Network for Spatial Deformation Robust Scene Text Image Super-resolution (CVPR2022)

A Text Attention Network for Spatial Deformation Robust Scene Text Image Super-resolution (CVPR2022) https://arxiv.org/abs/2203.09388 Jianqi Ma, Zheto

MA Jianqi, shiki 104 Jan 05, 2023
Objax Apache-2Objax (🥉19 · ⭐ 580) - Objax is a machine learning framework that provides an Object.. Apache-2 jax

Objax Tutorials | Install | Documentation | Philosophy This is not an officially supported Google product. Objax is an open source machine learning fr

Google 729 Jan 02, 2023
Adaptive Prototype Learning and Allocation for Few-Shot Segmentation (CVPR 2021)

ASGNet The code is for the paper "Adaptive Prototype Learning and Allocation for Few-Shot Segmentation" (accepted to CVPR 2021) [arxiv] Overview data/

Gen Li 91 Dec 23, 2022
Data and Code for ACL 2021 Paper "Inter-GPS: Interpretable Geometry Problem Solving with Formal Language and Symbolic Reasoning"

Introduction Code and data for ACL 2021 Paper "Inter-GPS: Interpretable Geometry Problem Solving with Formal Language and Symbolic Reasoning". We cons

Pan Lu 81 Dec 27, 2022
Exploring whether attention is necessary for vision transformers

Do You Even Need Attention? A Stack of Feed-Forward Layers Does Surprisingly Well on ImageNet Paper/Report TL;DR We replace the attention layer in a v

Luke Melas-Kyriazi 461 Jan 07, 2023
Official implementation of the paper 'High-Resolution Photorealistic Image Translation in Real-Time: A Laplacian Pyramid Translation Network' in CVPR 2021

LPTN Paper | Supplementary Material | Poster High-Resolution Photorealistic Image Translation in Real-Time: A Laplacian Pyramid Translation Network Ji

372 Dec 26, 2022
tensorflow implementation of 'YOLO : Real-Time Object Detection'

YOLO_tensorflow (Version 0.3, Last updated :2017.02.21) 1.Introduction This is tensorflow implementation of the YOLO:Real-Time Object Detection It can

Jinyoung Choi 1.7k Nov 21, 2022
Stochastic gradient descent with model building

Stochastic Model Building (SMB) This repository includes a new fast and robust stochastic optimization algorithm for training deep learning models. Th

S. Ilker Birbil 22 Jan 19, 2022
Implementation of Sequence Generative Adversarial Nets with Policy Gradient

SeqGAN Requirements: Tensorflow r1.0.1 Python 2.7 CUDA 7.5+ (For GPU) Introduction Apply Generative Adversarial Nets to generating sequences of discre

Lantao Yu 2k Dec 29, 2022
IEEE-CIS Technical Challenge on Predict+Optimize for Renewable Energy Scheduling

IEEE-CIS Technical Challenge on Predict+Optimize for Renewable Energy Scheduling This is my code, data and approach for the IEEE-CIS Technical Challen

3 Sep 18, 2022
Binary classification for arrythmia detection with ECG datasets.

HEART DISEASE AI DATATHON 2021 [Eng] / [Kor] #English This is an AI diagnosis modeling contest that uses the heart disease echocardiography and electr

HY_Kim 3 Jul 14, 2022
Self-supervised Product Quantization for Deep Unsupervised Image Retrieval - ICCV2021

Self-supervised Product Quantization for Deep Unsupervised Image Retrieval Pytorch implementation of SPQ Accepted to ICCV 2021 - paper Young Kyun Jang

Young Kyun Jang 71 Dec 27, 2022
Hybrid CenterNet - Hybrid-supervised object detection / Weakly semi-supervised object detection

Hybrid-Supervised Object Detection System Object detection system trained by hybrid-supervision/weakly semi-supervision (HSOD/WSSOD): This project is

5 Dec 10, 2022
Image-Scaling Attacks and Defenses

Image-Scaling Attacks & Defenses This repository belongs to our publication: Erwin Quiring, David Klein, Daniel Arp, Martin Johns and Konrad Rieck. Ad

Erwin Quiring 163 Nov 21, 2022
RATE: Overcoming Noise and Sparsity of Textual Features in Real-Time Location Estimation (CIKM'17)

RATE: Overcoming Noise and Sparsity of Textual Features in Real-Time Location Estimation This is the implementation of RATE: Overcoming Noise and Spar

Yu Zhang 5 Feb 10, 2022
Datasets and pretrained Models for StyleGAN3 ...

Datasets and pretrained Models for StyleGAN3 ... Dear arfiticial friend, this is a collection of artistic datasets and models that we have put togethe

lucid layers 34 Oct 06, 2022
[EMNLP 2021] MuVER: Improving First-Stage Entity Retrieval with Multi-View Entity Representations

MuVER This repo contains the code and pre-trained model for our EMNLP 2021 paper: MuVER: Improving First-Stage Entity Retrieval with Multi-View Entity

24 May 30, 2022