All Projects → layumi → Person Reid_gan

layumi / Person Reid_gan

Licence: mit
ICCV2017 Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro

Projects that are alternatives of or similar to Person Reid gan

Deep Learning With Cats
Deep learning with cats (^._.^)
Stars: ✭ 1,290 (+328.57%)
Mutual labels:  gan, cuda
Ddsh Tip2018
source code for paper "Deep Discrete Supervised Hashing"
Stars: ✭ 16 (-94.68%)
Mutual labels:  image-retrieval, cuda
Batch Dropblock Network
Official source code of "Batch DropBlock Network for Person Re-identification and Beyond" (ICCV 2019)
Stars: ✭ 304 (+1%)
Mutual labels:  image-retrieval, person-reidentification
Fast Reid
SOTA Re-identification Methods and Toolbox
Stars: ✭ 2,287 (+659.8%)
Mutual labels:  image-retrieval, person-reidentification
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 (+884.39%)
Mutual labels:  image-retrieval, person-reidentification
Image Text Embedding
TOMM2020 Dual-Path Convolutional Image-Text Embedding https://arxiv.org/abs/1711.05535
Stars: ✭ 223 (-25.91%)
Mutual labels:  image-retrieval, person-reidentification
Dg Net
Joint Discriminative and Generative Learning for Person Re-identification. CVPR'19 (Oral)
Stars: ✭ 1,042 (+246.18%)
Mutual labels:  image-retrieval, person-reidentification
Qualia2.0
Qualia is a deep learning framework deeply integrated with automatic differentiation and dynamic graphing with CUDA acceleration. Qualia was built from scratch.
Stars: ✭ 41 (-86.38%)
Mutual labels:  gan, cuda
Person Reid Gan Pytorch
A Pytorch Implementation of "Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro"(ICCV17)
Stars: ✭ 147 (-51.16%)
Mutual labels:  gan, person-reidentification
Dcgan
The Simplest DCGAN Implementation
Stars: ✭ 286 (-4.98%)
Mutual labels:  gan
Pytorch Srgan
A modern PyTorch implementation of SRGAN
Stars: ✭ 289 (-3.99%)
Mutual labels:  gan
Faceswap Gan
A denoising autoencoder + adversarial losses and attention mechanisms for face swapping.
Stars: ✭ 3,099 (+929.57%)
Mutual labels:  gan
Trace.moe Telegram Bot
This Telegram Bot can tell the anime when you send an screenshot to it
Stars: ✭ 284 (-5.65%)
Mutual labels:  image-retrieval
Open quadtree mapping
This is a monocular dense mapping system corresponding to IROS 2018 "Quadtree-accelerated Real-time Monocular Dense Mapping"
Stars: ✭ 292 (-2.99%)
Mutual labels:  cuda
Cuarrays.jl
A Curious Cumulation of CUDA Cuisine
Stars: ✭ 283 (-5.98%)
Mutual labels:  cuda
Deep High Resolution Net.pytorch
The project is an official implementation of our CVPR2019 paper "Deep High-Resolution Representation Learning for Human Pose Estimation"
Stars: ✭ 3,521 (+1069.77%)
Mutual labels:  cuda
Pytorch Liteflownet
a reimplementation of LiteFlowNet in PyTorch that matches the official Caffe version
Stars: ✭ 281 (-6.64%)
Mutual labels:  cuda
Mydeeplearning
A deep learning library to provide algs in pure Numpy or Tensorflow.
Stars: ✭ 281 (-6.64%)
Mutual labels:  gan
Deepcc
Multi-Target, Multi-Camera Tracking
Stars: ✭ 299 (-0.66%)
Mutual labels:  person-reidentification
Consingan
PyTorch implementation of "Improved Techniques for Training Single-Image GANs" (WACV-21)
Stars: ✭ 294 (-2.33%)
Mutual labels:  gan

Person-reID_GAN

This repository contains the code for our paper Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro.

News: We provide one new end-to-end framework for data generation and representation learning. You are welcomed to check out it at https://github.com/NVlabs/DG-Net

1.Unsupervised Learning (GAN)

The first stage is to generate fake images by DCGAN. We used the code provided in https://github.com/carpedm20/DCGAN-tensorflow and modify some hyper-parameters at https://github.com/layumi/DCGAN-tensorflow. You can directly use my forked code.

For more reference, you can find our modified training code and generating code in ./DCGAN. We wrote a detailed README. If you still has some question, feel free to contact me ([email protected]).

2.Semi-supervised Learning

The second stage is to combine the original data and generated data to train the network. This repos includes the baseline code and the three different methods in the paper.

Models               Reference
resnet52_market.m       ResNet50 baseline
resnet52_market_K_1.m One extra class for generated images
resnet52_market_lsro.m The proposed method, uniform probability
resnet52_market_pseudo.m Give the most likely label for generated images

Compile Matconvnet

(Note that I have included my Matconvnet in this repo, so you do not need to download it again. I has changed some codes comparing with the original version. For example, one of the difference is in /matlab/+dagnn/@DagNN/initParams.m. If one layer has params, I will not initialize it again, especially for pretrained model.)

You just need to uncomment and modify some lines in gpu_compile.m and run it in Matlab. Try it~

(The code does not support cudnn 6.0. You may just turn off the Enablecudnn or try cudnn5.1)

If you fail in compilation, you may refer to http://www.vlfeat.org/matconvnet/install/

Dataset

Download Market1501 Dataset. [Google] [Baidu] We take Market1501 as an example in this repos and you can easily extend it to other datasets.

ImageNet Pretrained model

  1. Make a dir called data by typing mkdir ./data.

  2. Download ResNet-50 model pretrained on Imagenet. Put it in the data dir.

Train the Baseline code

  1. Add your dataset path into prepare_data.m and run it. Make sure the code outputs the right image path.

  2. Run train_id_net_res_market_new.m.

Train with generated data

  1. Add your generated data path into prepare_data_gan.m and run it. It will add generated image path into the original image database.

  2. Run train_id_net_res_market_K_1.m for training extra-class method.

Or run train_id_net_res_market_lsro.m for training the proposed method.

Or run train_id_net_res_market_pseudo.m for training the pseudo-label method.

(What's new: I also include train_id_net_res_2stream_gan.m for training the code with the method proposed in my another paper. I do not import all files, and you may find the missing code in https://github.com/layumi/2016_person_re-ID. )

Test

  1. Run test/test_gallery_query_crazy.m to extract the features of images in the gallery and query set. They will store in a .mat file. Then you can use it to do evaluation.
  2. Evaluate feature on the Market-1501. Run evaluation/zzd_evaluation_res_faster.m.

Citation

Please cite this paper in your publications if it helps your research:

@inproceedings{zheng2017unlabeled,
  title={Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro},
  author={Zheng, Zhedong and Zheng, Liang and Yang, Yi},
  booktitle={Proceedings of the IEEE International Conference on Computer Vision},
  year={2017}
}

Related Repos

  1. 2stream Person re-ID
  2. Pedestrian Alignment Network
  3. MpRL Person re-ID
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].