All Projects → xiaolonw → Adversarial Frcnn

xiaolonw / Adversarial Frcnn

Licence: other
A-Fast-RCNN (CVPR 2017)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Adversarial Frcnn

Deepdetect
Deep Learning API and Server in C++14 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
Stars: ✭ 2,306 (+400.22%)
Mutual labels:  object-detection, caffe
Jetson Inference
Hello AI World guide to deploying deep-learning inference networks and deep vision primitives with TensorRT and NVIDIA Jetson.
Stars: ✭ 5,191 (+1026.03%)
Mutual labels:  object-detection, caffe
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-89.37%)
Mutual labels:  object-detection, caffe
Caffe2 Ios
Caffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Stars: ✭ 221 (-52.06%)
Mutual labels:  object-detection, caffe
Multi Object Tracker
Multi-object trackers in Python
Stars: ✭ 451 (-2.17%)
Mutual labels:  object-detection, caffe
Centerx
This repo is implemented based on detectron2 and centernet
Stars: ✭ 403 (-12.58%)
Mutual labels:  object-detection, caffe
Cvpr2021 Papers With Code
CVPR 2021 论文和开源项目合集
Stars: ✭ 7,138 (+1448.37%)
Mutual labels:  object-detection
Openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
Stars: ✭ 22,892 (+4865.73%)
Mutual labels:  caffe
Mobilenetv2 Ssdlite
Caffe implementation of SSD and SSDLite detection on MobileNetv2, converted from tensorflow.
Stars: ✭ 435 (-5.64%)
Mutual labels:  caffe
O Cnn
O-CNN: Octree-based Convolutional Neural Networks for 3D Shape Analysis
Stars: ✭ 432 (-6.29%)
Mutual labels:  caffe
Myvision
Computer vision based ML training data generation tool 🚀
Stars: ✭ 453 (-1.74%)
Mutual labels:  object-detection
Ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
Stars: ✭ 4,499 (+875.92%)
Mutual labels:  object-detection
Practical Deep Learning Book
Official code repo for the O'Reilly Book - Practical Deep Learning for Cloud, Mobile & Edge
Stars: ✭ 441 (-4.34%)
Mutual labels:  object-detection
Kaggle Imaterialist
The First Place Solution of Kaggle iMaterialist (Fashion) 2019 at FGVC6
Stars: ✭ 451 (-2.17%)
Mutual labels:  object-detection
Caffe Yolov3
A real-time object detection framework of Yolov3/v4 based on caffe
Stars: ✭ 435 (-5.64%)
Mutual labels:  caffe
Object Detection
Object detection project for real-time (webcam) and offline (video processing) application.
Stars: ✭ 454 (-1.52%)
Mutual labels:  object-detection
R3det tensorflow
Code for AAAI 2021 paper: R3Det: Refined Single-Stage Detector with Feature Refinement for Rotating Object
Stars: ✭ 434 (-5.86%)
Mutual labels:  object-detection
Aidlearning Framework
🔥🔥AidLearning is a powerful mobile development platform, AidLearning builds a linux env supporting GUI, deep learning and visual IDE on Android...Now Aid supports OpenCL (GPU+NPU) for high performance acceleration...Linux on Android or HarmonyOS
Stars: ✭ 4,537 (+884.16%)
Mutual labels:  object-detection
Shufflenet
This is a fast caffe implementation of ShuffleNet.
Stars: ✭ 446 (-3.25%)
Mutual labels:  caffe
Detecto
Build fully-functioning computer vision models with PyTorch
Stars: ✭ 445 (-3.47%)
Mutual labels:  object-detection

A-Fast-RCNN: Hard Positive Generation via Adversary for Object Detection

By Xiaolong Wang, Abhinav Shrivastava, and Abhinav Gupta

Introduction

This is a Caffe based version of A-Fast-RCNN (arxiv_link). Although we originally implement it on torch, this Caffe re-implementation is much simpler, faster and easier to use.

We release the code for training A-Fast-RCNN with Adversarial Spatial Dropout Network.

License

This code is released under the MIT License (refer to the LICENSE file for details).

Citing

If you find this useful in your research, please consider citing:

@inproceedings{WangCVPR17afrcnn,
    Author = {Xiaolong Wang and Abhinav Shrivastava and Abhinav Gupta},
    Title = {A-Fast-RCNN: Hard Positive Generation via Adversary for Object Detection},
    Booktitle = {Conference on Computer Vision and Pattern Recognition ({CVPR})},
    Year = {2017}
}

Disclaimer

This implementation is built on a fork of the OHEM code (here), which in turn builds on the Faster R-CNN Python code (here) and Fast R-CNN (here). Please cite the appropriate papers depending on which part of the code and/or model you are using.

Results

| Approach                       | training data           | test data         | mAP
| Fast R-CNN  (FRCN)             | VOC 07 trainval         | VOC 07 test       | 67.6
| FRCN with adversary            | VOC 07 trainval         | VOC 07 test       | 70.8

Note: The reported results are based on the VGG16 network.

Installation

Please follow the exact installation and download the VOC data as the Faster R-CNN Python code (here).

Usage

To run the code, one can simply do,

./train.sh

It includes 3-stage of training:

./experiments/scripts/fast_rcnn_std.sh  [GPU_ID]  VGG16 pascal_voc

which is used for training a standard Fast-RCNN for 10K iterations, you can download my model and logs for this step.

./experiments/scripts/fast_rcnn_adv_pretrain.sh  [GPU_ID]  VGG16 pascal_voc

which is a pre-training stage for the adversarial network, you can download my model and logs for this step.

./copy_model.h

which is used to copy the weights of the above two models to initialize the joint model.

./experiments/scripts/fast_rcnn_adv.sh  [GPU_ID]  VGG16 pascal_voc

which is joint training of the detector and the adversarial network, you can download my model and logs for this step.

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