All Projects → adursun → wsddn.pytorch

adursun / wsddn.pytorch

Licence: Apache-2.0 license
Implementation of Weakly Supervised Deep Detection Networks using the latest version of PyTorch

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects
Dockerfile
14818 projects

Projects that are alternatives of or similar to wsddn.pytorch

Tensorflow Deeplab Resnet
DeepLab-ResNet rebuilt in TensorFlow
Stars: ✭ 1,198 (+2971.79%)
Mutual labels:  pascal-voc
Sunets
PyTorch Implementation of Stacked U-Nets (SUNets)
Stars: ✭ 149 (+282.05%)
Mutual labels:  pascal-voc
Object-Detection-Tools
Tools for object detection annotations in machine learning
Stars: ✭ 14 (-64.1%)
Mutual labels:  pascal-voc
Review object detection metrics
Review on Object Detection Metrics: 14 object detection metrics including COCO's and PASCAL's metrics. Supporting different bounding box formats.
Stars: ✭ 100 (+156.41%)
Mutual labels:  pascal-voc
Voc2coco
How to create custom COCO data set for object detection
Stars: ✭ 140 (+258.97%)
Mutual labels:  pascal-voc
Deeplab V2 Resnet 101 Tensorflow
An (re-)implementation of DeepLab v2 (ResNet-101) in TensorFlow for semantic image segmentation on the PASCAL VOC 2012 dataset.
Stars: ✭ 173 (+343.59%)
Mutual labels:  pascal-voc
Image bbox slicer
This easy-to-use library splits images and its bounding box annotations into tiles, both into specific sizes and into any arbitrary number of equal parts. It can also resize them, both by specific sizes and by a resizing/scaling factor.
Stars: ✭ 41 (+5.13%)
Mutual labels:  pascal-voc
PyTorch-Spiking-YOLOv3
A PyTorch implementation of Spiking-YOLOv3. Two branches are provided, based on two common PyTorch implementation of YOLOv3(ultralytics/yolov3 & eriklindernoren/PyTorch-YOLOv3), with support for Spiking-YOLOv3-Tiny at present.
Stars: ✭ 144 (+269.23%)
Mutual labels:  pascal-voc
Lacmus
Lacmus is a cross-platform application that helps to find people who are lost in the forest using computer vision and neural networks.
Stars: ✭ 142 (+264.1%)
Mutual labels:  pascal-voc
visualize-voc-format-data
A simple utility programe to visualize pascal voc (format) dataset images with bounding boxes. Useful to check whether there is any error in forming annotation files.
Stars: ✭ 23 (-41.03%)
Mutual labels:  pascal-voc
Efficientdet.pytorch
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
Stars: ✭ 1,383 (+3446.15%)
Mutual labels:  pascal-voc
Make Sense
Free to use online tool for labelling photos. https://makesense.ai
Stars: ✭ 2,087 (+5251.28%)
Mutual labels:  pascal-voc
Dsrg
Weakly-Supervised Semantic Segmentation Network with Deep Seeded Region Growing (CVPR 2018).
Stars: ✭ 206 (+428.21%)
Mutual labels:  pascal-voc
Chainer Pspnet
PSPNet in Chainer
Stars: ✭ 76 (+94.87%)
Mutual labels:  pascal-voc
MCAR
Learning to Discover Multi-Class Attentional Regions for Multi-Label Image Recognition
Stars: ✭ 32 (-17.95%)
Mutual labels:  pascal-voc
Fcn Googlenet
GoogLeNet implementation of Fully Convolutional Networks for Semantic Segmentation in TensorFlow
Stars: ✭ 45 (+15.38%)
Mutual labels:  pascal-voc
Map
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
Stars: ✭ 2,324 (+5858.97%)
Mutual labels:  pascal-voc
pascal voc tools
some tools about pascal voc format dataset
Stars: ✭ 24 (-38.46%)
Mutual labels:  pascal-voc
MLIC-KD-WSD
Multi-Label Image Classification via Knowledge Distillation from Weakly-Supervised Detection (ACM MM 2018)
Stars: ✭ 58 (+48.72%)
Mutual labels:  weakly-supervised-detection
Tensorflow Deeplab Lfov
DeepLab-LargeFOV implemented in tensorflow
Stars: ✭ 218 (+458.97%)
Mutual labels:  pascal-voc

WSDDN PyTorch

Implementation of Weakly Supervised Deep Detection Networks using the latest version of PyTorch.

Bilen, H., & Vedaldi, A. (2016). Weakly supervised deep detection networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (pp. 2846-2854).

Implementation Differences

  • Adam optimizer (instead of SGD)
  • Spatial regulariser isn't added

Experiments

  • VGG16 based model is closest to EB + Box Sc. case with model L, which reported 30.4 mAP in the paper
  • AlexNet based model is closest to EB + Box Sc. case with model S, which reported 33.4 mAP in the paper
  • Results when VGG16 is used as base model
aero bike bird boat bottle bus car cat chair cow table dog horse mbike person plant sheep sofa train tv mean
41.4 46.3 22.7 24.5 13.6 57.7 49.9 31.1 7.5 31.1 24.3 25.9 38.7 53.5 7.2 13.9 31.1 38.6 48.3 39.0 32.3
  • Results when AlexNet is used as base model
aero bike bird boat bottle bus car cat chair cow table dog horse mbike person plant sheep sofa train tv mean
38.1 41.5 27.1 18.6 10.3 48.8 47.6 36.8 1.6 25.9 28.5 30.4 39.7 46.8 15.1 12.4 28.3 32.4 44.2 44.8 30.9

Requirements

Build Steps

git clone [email protected]:adursun/wsddn.pytorch.git
cd wsddn.pytorch
./prepare.sh
docker run --rm --gpus all --ipc=host -v `pwd`:/ws -it wsddn.pytorch /bin/bash

Training Steps

# for VGG based model
python src/train.py --base_net vgg

Evaluation Steps

# for VGG based model
# run `wget "https://www.dropbox.com/s/xyi4hgms6y3ldmj/vgg_epoch_20.pt?dl=1" -P states/` to use pretrained weights
python src/evaluate.py --base_net vgg --state_path states/vgg_epoch_20.pt
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].