cisip-FIRe - Fast Image Retrieval

Overview

cisip-FIRe - Fast Image Retrieval

Documentation Status

Documentation: https://fast-image-retrieval.readthedocs.io/en/latest/

Introduction

Fast Image Retrieval (FIRe) is an open source image retrieval project release by Center of Image and Signal Processing Lab (CISiP Lab), Universiti Malaya. This framework implements most of the major binary hashing methods, together with different popular backbone networks and public datasets.

Major features

  • One for All

    Herein, we unified (i) various binary hashing methods, (ii) different backbone, and (iii) multiple datasets under a single framework to ease the research and benchmarking in this domain. It supports popular binary hashing methods, e.g. HashNet, GreedyHash, DPN, OrthoHash, etc.

  • Modularity

    We break the framework into parts so that one can easily implement their own method by joining up the components.

License

This project is released under BSD 3-Clause License.

Changelog

Please refer to Changelog for more detail.

Implemented method/backbone/datasets

Backbone

  1. Alexnet
  2. VGG{16}
  3. ResNet{18,34,50,101,152}

Loss (Method)

Supervised

Method Config Template Loss Name 64bit ImageNet AlexNet (mAP@1K)
ADSH adsh.yaml adsh 0.645
BiHalf bihalf-supervised.yaml bihalf-supervised 0.684
Cross Entropy ce.yaml ce 0.434
CSQ csq.yaml csq 0.686
DFH dfh.yaml dfh 0.689
DPN dpn.yaml dpn 0.692
DPSH dpsh.yaml dpsh 0.599
DTSH dtsh.yaml dtsh 0.608
GreedyHash greedyhash.yaml greedyhash 0.667
HashNet hashnet.yml hashnet 0.588
JMLH jmlh.yaml jmlh 0.664
OrthoCos(OrthoHash) orthocos.yaml orthocos 0.701
OrthoArc(OrthoHash) orthoarc.yaml orthoarc 0.698
SDH-C sdhc.yaml sdhc 0.639

Unsupervised

Method Config Template Loss Name 64bit ImageNet AlexNet (mAP@1K)
BiHalf bihalf.yaml bihalf 0.403
CIBHash cibhash.yaml cibhash 0.322
GreedyHash greedyhash-unsupervised.yaml greedyhash-unsupervised 0.407
SSDH ssdh.yaml ssdh 0.146
TBH tbh.yaml tbh 0.324

Shallow (Non-Deep learning methods)

Method Config Template Loss Name 64bit ImageNet AlexNet (mAP@1K)
ITQ itq.yaml itq 0.402
LsH lsh.yaml lsh 0.206
PCAHash pca.yaml pca 0.405
SH sh.yaml sh 0.350
Shallow methods only works with descriptor datasets. We will upload the descriptor datasets and 

Datasets

Dataset Name in framework
ImageNet100 imagenet100
NUS-WIDE nuswide
MS-COCO coco
MIRFLICKR/Flickr25k mirflickr
Stanford Online Product sop
Cars dataset cars
CIFAR10 cifar10

Installation

Please head up to Get Started Docs for guides on setup conda environment and installation.

Tutorials

Please head up to Tutorials Docs for guidance.

Reference

If you find this framework useful in your research, please consider cite this project.

@inproceedings{dpn2020,
  title={Deep Polarized Network for Supervised Learning of Accurate Binary Hashing Codes.},
  author={Fan, Lixin and Ng, Kam Woh and Ju, Ce and Zhang, Tianyu and Chan, Chee Seng},
  booktitle={IJCAI},
  pages={825--831},
  year={2020}
}

@inproceedings{orthohash2021,
  title={One Loss for All: Deep Hashing with a Single Cosine Similarity based Learning Objective},
  author={Hoe, Jiun Tian and Ng, Kam Woh and Zhang, Tianyu and Chan, Chee Seng and Song, Yi-Zhe and Xiang, Tao},
  booktitle={Advances in Neural Information Processing Systems (NeurIPS)},
  year={2021}
}

Contributing

We welcome the contributions to improve this project. Please file your suggestions/issues by creating new issues or send us a pull request for your new changes/improvement/features/fixes.

You might also like...
 Revisiting Oxford and Paris: Large-Scale Image Retrieval Benchmarking
Revisiting Oxford and Paris: Large-Scale Image Retrieval Benchmarking

Revisiting Oxford and Paris: Large-Scale Image Retrieval Benchmarking We revisit and address issues with Oxford 5k and Paris 6k image retrieval benchm

 Multimodal commodity image retrieval  多模态商品图像检索
Multimodal commodity image retrieval 多模态商品图像检索

Multimodal commodity image retrieval 多模态商品图像检索 Not finished yet... introduce explain:The specific description of the project and the product image dat

Source code of our TTH paper: Targeted Trojan-Horse Attacks on Language-based Image Retrieval.
Source code of our TTH paper: Targeted Trojan-Horse Attacks on Language-based Image Retrieval.

Targeted Trojan-Horse Attacks on Language-based Image Retrieval Source code of our TTH paper: Targeted Trojan-Horse Attacks on Language-based Image Re

A fast poisson image editing implementation that can utilize multi-core CPU or GPU to handle a high-resolution image input.
A fast poisson image editing implementation that can utilize multi-core CPU or GPU to handle a high-resolution image input.

Poisson Image Editing - A Parallel Implementation Jiayi Weng (jiayiwen), Zixu Chen (zixuc) Poisson Image Editing is a technique that can fuse two imag

Implementation of fast algorithms for Maximum Spanning Tree (MST) parsing that includes fast ArcMax+Reweighting+Tarjan algorithm for single-root dependency parsing.

Fast MST Algorithm Implementation of fast algorithms for (Maximum Spanning Tree) MST parsing that includes fast ArcMax+Reweighting+Tarjan algorithm fo

FAST-RIR: FAST NEURAL DIFFUSE ROOM IMPULSE RESPONSE GENERATOR

This is the official implementation of our neural-network-based fast diffuse room impulse response generator (FAST-RIR) for generating room impulse responses (RIRs) for a given acoustic environment.

Super-Fast-Adversarial-Training - A PyTorch Implementation code for developing super fast adversarial training

Super-Fast-Adversarial-Training This is a PyTorch Implementation code for develo

Fit Fast, Explain Fast
Fit Fast, Explain Fast

FastExplain Fit Fast, Explain Fast Installing pip install fast-explain About FastExplain FastExplain provides an out-of-the-box tool for analysts to

Learning embeddings for classification, retrieval and ranking.
Learning embeddings for classification, retrieval and ranking.

StarSpace StarSpace is a general-purpose neural model for efficient learning of entity embeddings for solving a wide variety of problems: Learning wor

Comments
  • A little problem with the inference code

    A little problem with the inference code

    https://github.com/CISiPLab/cisip-FIRe/blob/554d54a4dba71adc87176c1ac0e12f3864bf825f/inference/web.py#L39 I want to ask what is the function of this ’code_string‘ . I initially got an error here, and it works fine when I set it to 'None'. In addition, when I have uploaded a picture, I will terminate the program and refresh the web page, and then re-run it is still the result of uploading the picture last time. Is it that I did not make a correct step?

    opened by Breeze-Zero 2
  • Fix issue #6: HashNet does not update the beta value properly

    Fix issue #6: HashNet does not update the beta value properly

    I've found a bug that the value of beta of HashNet isn't updated, resulting in the beta value staying as its original (default) value for both training and testing.

    https://github.com/CISiPLab/cisip-FIRe/blob/6ff37f7e98103572e4e58f5e501a55363f3508ea/scripts/train_general.py#L121

    This pull request resolves issue #6 which I have opened earlier.

    opened by thaiminhpv 1
  • I want to ask about the getTrainCode gldv2 ?

    I want to ask about the getTrainCode gldv2 ?

    I want to ask how I can get this by myself not using your " /data/jiuntian/delg_pretrained/resnet50_delg_gldv2_pretrained_fixbn.pth, /data/jiuntian/delg_pretrained/embed_delg_gldv2_pretrained.pth " tks !

    opened by nnhhoang 0
  • HashNet does not update the `beta` value properly, resulting in the `beta` value staying as its original (default) value for both training and testing

    HashNet does not update the `beta` value properly, resulting in the `beta` value staying as its original (default) value for both training and testing

    Great work! 🎉👍

    I've found a bug that the value of beta of HashNet isn't updated, resulting in the beta value staying as its original (default) value for both training and testing.

    https://github.com/CISiPLab/cisip-FIRe/blob/6ff37f7e98103572e4e58f5e501a55363f3508ea/scripts/train_general.py#L121

    as loss_param['loss_param']['beta'] only updates the params config, but doesn't make changes to running HashNet's beta value.

    opened by thaiminhpv 0
Owner
CISiP Lab
Center of Image and Signal Processing (CISiP) Lab
CISiP Lab
Image-retrieval-baseline - MUGE Multimodal Retrieval Baseline

MUGE Multimodal Retrieval Baseline This repo is implemented based on the open_cl

null 47 Dec 16, 2022
:fire: 2D and 3D Face alignment library build using pytorch

Face Recognition Detect facial landmarks from Python using the world's most accurate face alignment network, capable of detecting points in both 2D an

Adrian Bulat 6k Dec 31, 2022
Aerial Imagery dataset for fire detection: classification and segmentation (Unmanned Aerial Vehicle (UAV))

Aerial Imagery dataset for fire detection: classification and segmentation using Unmanned Aerial Vehicle (UAV) Title FLAME (Fire Luminosity Airborne-b

null 79 Jan 6, 2023
A python implementation of Yolov5 to detect fire or smoke in the wild in Jetson Xavier nx and Jetson nano

yolov5-fire-smoke-detect-python A python implementation of Yolov5 to detect fire or smoke in the wild in Jetson Xavier nx and Jetson nano You can see

null 20 Dec 15, 2022
A pure PyTorch batched computation implementation of "CIF: Continuous Integrate-and-Fire for End-to-End Speech Recognition"

A pure PyTorch batched computation implementation of "CIF: Continuous Integrate-and-Fire for End-to-End Speech Recognition"

張致強 14 Dec 2, 2022
Activity image-based video retrieval

Cross-modal-retrieval Our approach is focus on Activity Image-to-Video Retrieval (AIVR) task. The compared methods are state-of-the-art single modalit

BCMI 75 Oct 21, 2021
Official Implementation of CoSMo: Content-Style Modulation for Image Retrieval with Text Feedback

CoSMo.pytorch Official Implementation of CoSMo: Content-Style Modulation for Image Retrieval with Text Feedback, Seungmin Lee*, Dongwan Kim*, Bohyung

Seung Min Lee 54 Dec 8, 2022
A Joint Video and Image Encoder for End-to-End Retrieval

Frozen️ in Time ❄️ ️️️️ ⏳ A Joint Video and Image Encoder for End-to-End Retrieval project page | arXiv | webvid-data Repository containing the code,

null 225 Dec 25, 2022
Code for 'Single Image 3D Shape Retrieval via Cross-Modal Instance and Category Contrastive Learning', ICCV 2021

CMIC-Retrieval Code for Single Image 3D Shape Retrieval via Cross-Modal Instance and Category Contrastive Learning. ICCV 2021. Introduction In this wo

null 42 Nov 17, 2022
Instance-level Image Retrieval using Reranking Transformers

Instance-level Image Retrieval using Reranking Transformers Fuwen Tan, Jiangbo Yuan, Vicente Ordonez, ICCV 2021. Abstract Instance-level image retriev

UVA Computer Vision 87 Jan 3, 2023