All Projects → CISiPLab → cisip-FIRe

CISiPLab / cisip-FIRe

Licence: BSD-3-Clause license
Fast Image Retrieval (FIRe) is an open source project to promote image retrieval research. It implements most of the major binary hashing methods to date, together with different popular backbone networks and public datasets.

Programming Languages

python
139335 projects - #7 most used programming language
HTML
75241 projects

Projects that are alternatives of or similar to cisip-FIRe

img classification deep learning
No description or website provided.
Stars: ✭ 19 (-52.5%)
Mutual labels:  imagenet, image-retrieval
keras cv attention models
Keras/Tensorflow attention models including beit,botnet,CMT,CoaT,CoAtNet,convnext,cotnet,davit,efficientdet,efficientnet,fbnet,gmlp,halonet,lcnet,levit,mlp-mixer,mobilevit,nfnets,regnet,resmlp,resnest,resnext,resnetd,swin,tinynet,uniformer,volo,wavemlp,yolor,yolox
Stars: ✭ 159 (+297.5%)
Mutual labels:  imagenet, coco
DetectionMetrics
Tool to evaluate deep-learning detection and segmentation models, and to create datasets
Stars: ✭ 66 (+65%)
Mutual labels:  imagenet, coco
Cost-Aggregation-transformers
Official implementation of CATs
Stars: ✭ 120 (+200%)
Mutual labels:  neurips, neurips-2021
GPQ
Generalized Product Quantization Network For Semi-supervised Image Retrieval - CVPR 2020
Stars: ✭ 60 (+50%)
Mutual labels:  hashing, image-retrieval
datumaro
Dataset Management Framework, a Python library and a CLI tool to build, analyze and manage Computer Vision datasets.
Stars: ✭ 274 (+585%)
Mutual labels:  imagenet, coco
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+590%)
Mutual labels:  imagenet, coco
Computer Vision Leaderboard
Comparison of famous convolutional neural network models
Stars: ✭ 299 (+647.5%)
Mutual labels:  imagenet, image-retrieval
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (+342.5%)
Mutual labels:  imagenet, coco
Pytorch Imagenet Cifar Coco Voc Training
Training examples and results for ImageNet(ILSVRC2012)/CIFAR100/COCO2017/VOC2007+VOC2012 datasets.Image Classification/Object Detection.Include ResNet/EfficientNet/VovNet/DarkNet/RegNet/RetinaNet/FCOS/CenterNet/YOLOv3.
Stars: ✭ 130 (+225%)
Mutual labels:  imagenet, coco
Deep Mihash
Code for papers "Hashing with Mutual Information" (TPAMI 2019) and "Hashing with Binary Matrix Pursuit" (ECCV 2018)
Stars: ✭ 13 (-67.5%)
Mutual labels:  hashing, image-retrieval
Similarity-Adaptive-Deep-Hashing
Unsupervised Deep Hashing with Similarity-Adaptive and Discrete Optimization (TPAMI2018)
Stars: ✭ 18 (-55%)
Mutual labels:  hashing, image-retrieval
Caffe Deepbinarycode
Supervised Semantics-preserving Deep Hashing (TPAMI18)
Stars: ✭ 206 (+415%)
Mutual labels:  hashing, image-retrieval
head-network-distillation
[IEEE Access] "Head Network Distillation: Splitting Distilled Deep Neural Networks for Resource-constrained Edge Computing Systems" and [ACM MobiCom HotEdgeVideo 2019] "Distilled Split Deep Neural Networks for Edge-assisted Real-time Systems"
Stars: ✭ 27 (-32.5%)
Mutual labels:  imagenet
ImageRetrieval
Content Based Image Retrieval Techniques (e.g. knn, svm using MatLab GUI)
Stars: ✭ 51 (+27.5%)
Mutual labels:  image-retrieval
koolsla
Food recommendation tool with Machine learning.
Stars: ✭ 21 (-47.5%)
Mutual labels:  cosine-similarity
SegSwap
(CVPRW 2022) Learning Co-segmentation by Segment Swapping for Retrieval and Discovery
Stars: ✭ 46 (+15%)
Mutual labels:  image-retrieval
xtcocoapi
Extended COCO-API
Stars: ✭ 49 (+22.5%)
Mutual labels:  coco
Landmark-Retrival
Easy Landmark Image Recognition with TensorFlow Hub DELF Module
Stars: ✭ 20 (-50%)
Mutual labels:  image-retrieval
icml-nips-iclr-dataset
Papers, authors and author affiliations from ICML, NeurIPS and ICLR 2006-2021
Stars: ✭ 21 (-47.5%)
Mutual labels:  neurips
screener

Released September, 2021

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.yaml 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)
IMH imh.yaml imh 0.467
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.

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].