All Projects â†’ daizuozhuo â†’ Batch Dropblock Network

daizuozhuo / Batch Dropblock Network

Licence: mit
Official source code of "Batch DropBlock Network for Person Re-identification and Beyond" (ICCV 2019)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Batch Dropblock Network

Person reid baseline pytorch
Pytorch ReID: A tiny, friendly, strong pytorch implement of object re-identification baseline. Tutorial 👉https://github.com/layumi/Person_reID_baseline_pytorch/tree/master/tutorial
Stars: ✭ 2,963 (+874.67%)
Mutual labels:  image-retrieval, person-reidentification, metric-learning
Hardnet
Hardnet descriptor model - "Working hard to know your neighbor's margins: Local descriptor learning loss"
Stars: ✭ 350 (+15.13%)
Mutual labels:  image-retrieval, metric-learning
Powerful Benchmarker
A PyTorch library for benchmarking deep metric learning. It's powerful.
Stars: ✭ 272 (-10.53%)
Mutual labels:  image-retrieval, metric-learning
Person Reid gan
ICCV2017 Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro
Stars: ✭ 301 (-0.99%)
Mutual labels:  image-retrieval, person-reidentification
symmetrical-synthesis
Official Tensorflow implementation of "Symmetrical Synthesis for Deep Metric Learning" (AAAI 2020)
Stars: ✭ 67 (-77.96%)
Mutual labels:  metric-learning, image-retrieval
Open Reid
Open source person re-identification library in python
Stars: ✭ 1,144 (+276.32%)
Mutual labels:  metric-learning, person-reidentification
Fast Reid
SOTA Re-identification Methods and Toolbox
Stars: ✭ 2,287 (+652.3%)
Mutual labels:  image-retrieval, person-reidentification
Dg Net
Joint Discriminative and Generative Learning for Person Re-identification. CVPR'19 (Oral)
Stars: ✭ 1,042 (+242.76%)
Mutual labels:  image-retrieval, person-reidentification
Pytorch Image Retrieval
A PyTorch framework for an image retrieval task including implementation of N-pair Loss (NIPS 2016) and Angular Loss (ICCV 2017).
Stars: ✭ 203 (-33.22%)
Mutual labels:  image-retrieval, metric-learning
Image Text Embedding
TOMM2020 Dual-Path Convolutional Image-Text Embedding https://arxiv.org/abs/1711.05535
Stars: ✭ 223 (-26.64%)
Mutual labels:  image-retrieval, person-reidentification
Revisiting deep metric learning pytorch
(ICML 2020) This repo contains code for our paper "Revisiting Training Strategies and Generalization Performance in Deep Metric Learning" (https://arxiv.org/abs/2002.08473) to facilitate consistent research in the field of Deep Metric Learning.
Stars: ✭ 172 (-43.42%)
Mutual labels:  image-retrieval, metric-learning
GPQ
Generalized Product Quantization Network For Semi-supervised Image Retrieval - CVPR 2020
Stars: ✭ 60 (-80.26%)
Mutual labels:  metric-learning, image-retrieval
proxy-synthesis
Official PyTorch implementation of "Proxy Synthesis: Learning with Synthetic Classes for Deep Metric Learning" (AAAI 2021)
Stars: ✭ 30 (-90.13%)
Mutual labels:  metric-learning, image-retrieval
Pytorch Metric Learning
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
Stars: ✭ 3,936 (+1194.74%)
Mutual labels:  image-retrieval, metric-learning
Trace.moe
Anime Scene Search by Image
Stars: ✭ 3,231 (+962.83%)
Mutual labels:  image-retrieval
kapture-localization
Provide mapping and localization pipelines based on kapture format
Stars: ✭ 111 (-63.49%)
Mutual labels:  image-retrieval
Computer Vision Leaderboard
Comparison of famous convolutional neural network models
Stars: ✭ 299 (-1.64%)
Mutual labels:  image-retrieval
disent
🧶 Modular VAE disentanglement framework for python built with PyTorch Lightning ▸ Including metrics and datasets ▸ With strongly supervised, weakly supervised and unsupervised methods ▸ Easily configured and run with Hydra config ▸ Inspired by disentanglement_lib
Stars: ✭ 41 (-86.51%)
Mutual labels:  metric-learning
Similarity-Adaptive-Deep-Hashing
Unsupervised Deep Hashing with Similarity-Adaptive and Discrete Optimization (TPAMI2018)
Stars: ✭ 18 (-94.08%)
Mutual labels:  image-retrieval
advrank
Adversarial Ranking Attack and Defense, ECCV, 2020.
Stars: ✭ 19 (-93.75%)
Mutual labels:  metric-learning

Batch DropBlock Network for Person Re-identification and Beyond

Official source code of paper https://arxiv.org/abs/1811.07130

Update on 2019.3.15

Update CUHK03 results.

Update on 2019.1.29

Traning scripts are released. The best Markt1501 result is 95.3%! Please look at the training section of README.md.

Update on 2019.1.23

In-Shop Clothes Retrieval dataset and pretrained model are released!. The rank-1 result is 89.5 which is a litter bit higher than paper reported.

This paper is accepted by ICCV 2019. Please cite if you use this code in your research.

@article{dai2018batch,
  title={Batch DropBlock Network for Person Re-identification and Beyond},
  author={Dai, Zuozhuo and Chen, Mingqiang and Gu, Xiaodong and Zhu, Siyu and Tan, Ping},
  journal={arXiv preprint arXiv:1811.07130},
  year={2018}
}

Setup running environment

This project requires python3, cython, torch, torchvision, scikit-learn, tensorboardX, fire. The baseline source code is borrowed from https://github.com/L1aoXingyu/reid_baseline.

Prepare dataset

Create a directory to store reid datasets under this repo via
```bash
cd reid
mkdir data
```

For market1501 dataset, 
1. Download Market1501 dataset to `data/` from http://www.liangzheng.org/Project/project_reid.html
2. Extract dataset and rename to `market1501`. The data structure would like:
```
market1501/
    bounding_box_test/
    bounding_box_train/
    query/
```

For CUHK03 dataset,
1. Download CUHK03-NP dataset from https://github.com/zhunzhong07/person-re-ranking/tree/master/CUHK03-NP 
2. Extract dataset and rename folers inside it to cuhk-detect and cuhk-label.
For DukeMTMC-reID dataset,
Dowload from https://github.com/layumi/DukeMTMC-reID_evaluation

For In-Shop Clothes dataset,
1. Downlaod clothes dataset from http://virutalbuy-public.oss-cn-hangzhou.aliyuncs.com/share/bfe_models/clothes.tar
2. Extract dataset and put it to `data/` folder.

Results

Dataset CUHK03-Label CUHK03-Detect DukeMTMC re-ID Market1501 In-Shop Clothes
Rank-1 79.4 76.4 88.9 95.3 89.5
mAP 76.7 73.5 75.9 86.2 72.3
model aliyun aliyun] aliyun aliyun aliyun

You can download the pre-trained models from the above table and evaluate on person re-ID datasets. For example, to evaluate CUHK03-Label dataset, you can download the model to './pytorch-ckpt/cuhk_label_bfe' directory and run the following commands.

Evaluate Market1501

python3 main_reid.py train --save_dir='./pytorch-ckpt/market_bfe' --model_name=bfe --train_batch=32 --test_batch=32 --dataset=market1501 --pretrained_model='./pytorch-ckpt/market_bfe/944.pth.tar' --evaluate

Evaluate CUHK03-Label

python3 main_reid.py train --save_dir='./pytorch-ckpt/cuhk_label_bfe' --model_name=bfe --train_batch=32 --test_batch=32 --dataset=cuhk-label  --pretrained_model='./pytorch-ckpt/cuhk_label_bfe/750.pth.tar' --evaluate

Evaluate In-Shop clothes

python main_reid.py train --save_dir='./pytorch-ckpt/clothes_bfe' --model_name=bfe --pretrained_model='./pytorch-ckpt/clothes_bfe/clothes_895.pth.tar' --test_batch=32 --dataset=clothes --evaluate

Training

Traning Market1501

python main_reid.py train --save_dir='./pytorch-ckpt/market-bfe' --max_epoch=400 --eval_step=30 --dataset=market1501 --test_batch=128 --train_batch=128 --optim=adam --adjust_lr

This traning command is tested on 4 GTX1080 gpus. Here is training log. You shoud get a result around 95%.

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