All Projects β†’ yanxp β†’ Metar Cnn

yanxp / Metar Cnn

Meta R-CNN : Towards General Solver for Instance-level Low-shot Learning

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Metar Cnn

Kerasobjectdetector
Keras Object Detection API with YOLK project 🍳
Stars: ✭ 113 (-5.83%)
Mutual labels:  object-detection
Varifocalnet
VarifocalNet: An IoU-aware Dense Object Detector
Stars: ✭ 115 (-4.17%)
Mutual labels:  object-detection
Objectdetection
Some experiments with object detection in PyTorch
Stars: ✭ 117 (-2.5%)
Mutual labels:  object-detection
Colab Mask Rcnn
How to run Object Detection and Segmentation on a Video Fast for Free
Stars: ✭ 114 (-5%)
Mutual labels:  object-detection
Robust Physical Attack
Physical adversarial attack for fooling the Faster R-CNN object detector
Stars: ✭ 115 (-4.17%)
Mutual labels:  object-detection
Hrnet Maskrcnn Benchmark
Object detection with multi-level representations generated from deep high-resolution representation learning (HRNetV2h).
Stars: ✭ 116 (-3.33%)
Mutual labels:  object-detection
Tensorflow Object Detection Tutorial
The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch
Stars: ✭ 113 (-5.83%)
Mutual labels:  object-detection
Boml
Bilevel Optimization Library in Python for Multi-Task and Meta Learning
Stars: ✭ 120 (+0%)
Mutual labels:  meta-learning
Satellite Image Object Detection
YOLO/YOLOv2 inspired deep network for object detection on satellite images (Tensorflow, Numpy, Pandas).
Stars: ✭ 115 (-4.17%)
Mutual labels:  object-detection
Opencv Detection Models
OpenCV trained detection models: Haar, HOG and other
Stars: ✭ 116 (-3.33%)
Mutual labels:  object-detection
Yolo mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
Stars: ✭ 1,624 (+1253.33%)
Mutual labels:  object-detection
Tfjs Tiny Yolov2
Tiny YOLO v2 object detection with tensorflow.js.
Stars: ✭ 115 (-4.17%)
Mutual labels:  object-detection
Yolo V3 Iou
YOLO3 εŠ¨ζΌ«δΊΊθ„Έζ£€ζ΅‹ (Based on keras and tensorflow) 2019-1-19
Stars: ✭ 116 (-3.33%)
Mutual labels:  object-detection
Id Card Detector
πŸ’³ Detecting the National Identification Cards with Deep Learning (Faster R-CNN)
Stars: ✭ 114 (-5%)
Mutual labels:  object-detection
Yolo3d Yolov4 Pytorch
YOLO3D: End-to-end real-time 3D Oriented Object Bounding Box Detection from LiDAR Point Cloud (ECCV 2018)
Stars: ✭ 119 (-0.83%)
Mutual labels:  object-detection
Pytorch cpp
Deep Learning sample programs using PyTorch in C++
Stars: ✭ 114 (-5%)
Mutual labels:  object-detection
Bmaskr Cnn
Boundary-preserving Mask R-CNN (ECCV 2020)
Stars: ✭ 116 (-3.33%)
Mutual labels:  object-detection
Metarec
PyTorch Implementations For A Series Of Deep Learning-Based Recommendation Models (IN PROGRESS)
Stars: ✭ 120 (+0%)
Mutual labels:  meta-learning
Obj det progress tracker
Object Detection Progress Tracker
Stars: ✭ 119 (-0.83%)
Mutual labels:  object-detection
Sightseq
Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection
Stars: ✭ 116 (-3.33%)
Mutual labels:  object-detection

Meta R-CNN : Towards General Solver for Instance-level Low-shot Learning.

Code for reproducing the results in the following paper, and the code is built on top of jwyang/faster-rcnn.pytorch

Meta R-CNN : Towards General Solver for Instance-level Low-shot Learning

Xiaopeng Yan*, Ziliang Chen*, Anni Xu, Xiaoxi Wang, Xiaodan Liang, Liang Lin

Sun Yat-Sen University, Presented at IEEE International Conference on Computer Vision (ICCV2019)

License

For Academic Research Use Only!

Requirements

  • python packages

    • PyTorch = 0.3.1

      This project can not support pytorch 0.4, higher version will not recur results.

    • Torchvision >= 0.2.0

    • cython

    • pyyaml

    • easydict

    • opencv-python

    • matplotlib

    • numpy

    • scipy

    • tensorboardX

      You can install above package using pip:

      pip install Cython easydict matplotlib opencv-python pyyaml scipy
      
  • CUDA 8.0

  • gcc >= 4.9

Misc

Tested on Ubuntu 14.04 with a Titan X GPU (12G) and Intel(R) Xeon(R) CPU E5-2623 v3 @ 3.00GHz.

Getting Started

Clone the repo:

https://github.com/yanxp/MetaR-CNN.git

Compilation

Compile the CUDA dependencies:

cd {repo_root}/lib
sh make.sh

It will compile all the modules you need, including NMS, ROI_Pooing, ROI_Crop and ROI_Align.

Data Preparation

Create a data folder under the repo,

cd {repo_root}
mkdir data

PASCAL_VOC 07+12: Please follow the instructions in py-faster-rcnn to prepare VOC datasets. Actually, you can refer to any others. After downloading the data, create softlinks in the folder data/.

please download the three base classes splits[GoogleDrive] and put them into VOC2007 and VOC2012 ImageSets/Main dirs.

Training

We used ResNet101 pretrained model on ImageNet in our experiments. Download it and put it into the data/pretrained_model/.

for example, if you want to train the first split of base and novel class with meta learning, just run:

the first phase

$>CUDA_VISIBLE_DEVICES=0 python train_metarcnn.py --dataset pascal_voc_0712 --epochs 21 --bs 4 --nw 8 --log_dir checkpoint --save_dir models/meta/first --meta_type 1 --meta_train True --meta_loss True 

the second phase

$>CUDA_VISIBLE_DEVICES=0 python train_metarcnn.py --dataset pascal_voc_0712 --epochs 30 --bs 4 --nw 8 --log_dir checkpoint --save_dir models/meta/first --r True --checksession 1 --checkepoch 20 --checkpoint 3081 --phase 2 --shots 10 --meta_train True --meta_loss True --meta_type 1

Testing

if you want to evaluate the performance of meta trained model, simply run:

$>CUDA_VISIBLE_DEVICES=0 python test_metarcnn.py --dataset pascal_voc_0712 --net metarcnn --load_dir models/meta/first  --checksession 10 --checkepoch 30 --checkpoint 111 --shots 10  --meta_type 1 --meta_test True --meta_loss True --phase 2

we provide the part models with meta training and without meta training in the following: Meta Models[GoogleDrive] and WoMeta Models[GoogleDrive]

Citation

@inproceedings{yan2019meta,
  title={Meta r-cnn: Towards general solver for instance-level low-shot learning},
  author={Yan, Xiaopeng and Chen, Ziliang and Xu, Anni and Wang, Xiaoxi and Liang, Xiaodan and Lin, Liang},
  booktitle={Proceedings of the IEEE International Conference on Computer Vision},
  pages={9577--9586},
  year={2019}
}

Contact

If you have any questions about this repo, please feel free to contact [email protected].

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