All Projects → pedro-morgado → score-zeroshot

pedro-morgado / score-zeroshot

Licence: other
Semantically consistent regularizer for zero-shot learning

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to score-zeroshot

Keras realtime multi Person pose estimation
Keras version of Realtime Multi-Person Pose Estimation project
Stars: ✭ 728 (+1020%)
Mutual labels:  caffe, cvpr-2017
Realtime multi Person pose estimation
Code repo for realtime multi-person pose estimation in CVPR'17 (Oral)
Stars: ✭ 4,760 (+7223.08%)
Mutual labels:  caffe, cvpr-2017
Openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
Stars: ✭ 22,892 (+35118.46%)
Mutual labels:  caffe, cvpr-2017
Sphereface
Implementation for <SphereFace: Deep Hypersphere Embedding for Face Recognition> in CVPR'17.
Stars: ✭ 1,483 (+2181.54%)
Mutual labels:  caffe, cvpr-2017
List-CoreML-Models
A Big Awesome List CoreML Models.
Stars: ✭ 120 (+84.62%)
Mutual labels:  caffe
Retinaface
Reimplement RetinaFace use C++ and TensorRT
Stars: ✭ 241 (+270.77%)
Mutual labels:  caffe
Skimcaffe
Caffe for Sparse Convolutional Neural Network
Stars: ✭ 230 (+253.85%)
Mutual labels:  caffe
Caffe2 Ios
Caffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Stars: ✭ 221 (+240%)
Mutual labels:  caffe
caffe weight converter
Caffe-to-Keras weight converter. Can also export weights as Numpy arrays for further processing.
Stars: ✭ 68 (+4.62%)
Mutual labels:  caffe
mbus
基于RabbitMQ简单实现验证码识别平台,训练网络模型智能识别图形验证码
Stars: ✭ 37 (-43.08%)
Mutual labels:  caffe
Cgnl Network.pytorch
Compact Generalized Non-local Network (NIPS 2018)
Stars: ✭ 252 (+287.69%)
Mutual labels:  caffe
Mtcnn caffe
Simple implementation of kpzhang93's paper from Matlab to c++, and don't change models.
Stars: ✭ 244 (+275.38%)
Mutual labels:  caffe
ZS-F-VQA
Code and Data for paper: Zero-shot Visual Question Answering using Knowledge Graph [ ISWC 2021 ]
Stars: ✭ 51 (-21.54%)
Mutual labels:  zero-shot
Colorization
Automatic colorization using deep neural networks. "Colorful Image Colorization." In ECCV, 2016.
Stars: ✭ 2,791 (+4193.85%)
Mutual labels:  caffe
ZAQ-code
CVPR 2021 : Zero-shot Adversarial Quantization (ZAQ)
Stars: ✭ 59 (-9.23%)
Mutual labels:  zero-shot
Dgd person reid
Domain Guided Dropout for Person Re-identification
Stars: ✭ 229 (+252.31%)
Mutual labels:  caffe
Change Detection Review
A review of change detection methods, including codes and open data sets for deep learning. From paper: change detection based on artificial intelligence: state-of-the-art and challenges.
Stars: ✭ 248 (+281.54%)
Mutual labels:  caffe
pfootprint
Political Discourse Analysis Using Pre-Trained Word Vectors.
Stars: ✭ 20 (-69.23%)
Mutual labels:  semantics
Cnn face detection
Implementation based on the paper Li et al., “A Convolutional Neural Network Cascade for Face Detection, ” 2015 CVPR
Stars: ✭ 251 (+286.15%)
Mutual labels:  caffe
Senet
Squeeze-and-Excitation Networks
Stars: ✭ 2,850 (+4284.62%)
Mutual labels:  caffe

Semantically Consistent Regularizer (SCoRe)

By Pedro Morgado and Nuno Vasconcelos.

Statistical Visual Computing Lab (SVCL)

University of California, San Diego

Introduction

This repository contains the source code for "Semantically Consistent Regularization for Zero-Shot Recognition", CVPR, 2017.

Implementation was written by Pedro Morgado. If you encounter any issue when using our code/models, let me know.

Citation

Please cite our paper if it helps your research:

@inproceedings{MorgadoCVPR17,
    author={Pedro Morgado and Nuno Vasconcelos},
    title={Semantically Consistent Regularization for Zero-Shot Recognition},
    booktitle={Computer Vision and Pattern Recognition (CVPR), IEEE Conf.~on},
    year={2017},
    organization={IEEE}
}
Pedro Morgado and Nuno Vasconcelos. 
Semantically consistent regularization for zero-shot recognition.
Computer Vision and Pattern Recognition (CVPR), IEEE Conf. on, 2017.

Prerequisites

Tour

Code
  1. score_model.py: Defines the SCoRe model.
  2. score_train.py: Training script.
  3. score_eval.py: Evaluation script.
  4. tools/prepare_LMDBs.py: Script for preparing LMDBs used in score_train.py and score_test.py.

Type python xxx.py --help for usage options.

For a better understanding of the workflow of our code, a script train_eval_CUB.sh is provided for training a SCoRe model on the CUB dataset. This script 1) downloads all required data (CUB and caffemodels for standard CNNs), 2) prepares LMDBs for both images and semantics, 3) trains the classifier and 4) evaluates on source and target (Zero-Shot) classes.

Data
  1. Semantic codewords: Pre-extracted for all classes in both AwA and CUB datasets (see data/).
  2. Partition into source and target classes: see classes.txt, train_classes.txt and test_classes.txt at data/${DB}.
  3. Training sets: data/${DB}/train_images.txt
  4. Test sets: data/${DB}/testRecg_images.txt (source classes) and data/${DB}/testZS_images.txt (target classes).

Results

Mean class accuracy for source and target classes using three architectures: AlexNet, GoogLeNet and VGG19.

Note: Lagrangian coefficients were tuned for Zero-Shot MCA on a set of validation classes. Obtained coefficients are shown below.

Animals with Attributes
Semantics Source Classes Target Classes Semantic Coeff Codeword Coeff
Attributes 72.5 / 85.1 / 84.6 66.7 / 78.3 / 82.8 0.01 10.0
Hierarchy 74.4 / 84.2 / 84.5 52.3 / 61.2 / 60.7 0.05 1.0
Word2Vec 76.7 / 86.7 / 85.8 51.9 / 60.9 / 57.9 0.01 0.5

Key: AlexNet / GoogLeNet / VGG19

Caltech-UCSD Birds-200-2011
Semantics Source Classes Target Classes Semantic Coeff Codeword Coeff
Attributes 61.7 / 71.6 / 70.9 48.5 / 58.4 / 59.5 0.01 1.0
Hierarchy 60.2 / 73.1 / 69.6 24.2 / 31.8 / 31.3 0.05 5.0
Word2Vec 61.4 / 73.6 / 71.9 26.0 / 31.5 / 30.1 0.01 1.0

Key: AlexNet / GoogLeNet / VGG19

Trained models

These models are compatible with the provided code. Simply download and uncompress the .tar.gz files, and use score_eval.py to evaluate them.

-/- AwA CUB
Attributes AlexNet / GoogLeNet / VGG19 AlexNet / GoogLeNet / VGG19
Hierarchy AlexNet / GoogLeNet / VGG19 AlexNet / GoogLeNet / VGG19
Word2Vec AlexNet / GoogLeNet / VGG19 AlexNet / GoogLeNet / VGG19
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].