All Projects → zdaxie → SpatiallyAdaptiveInference-Detection

zdaxie / SpatiallyAdaptiveInference-Detection

Licence: Apache-2.0 license
Spatially Adaptive Inference with Stochastic Feature Sampling and Interpolation, ECCV 2020 Oral

Programming Languages

python
139335 projects - #7 most used programming language
Cuda
1817 projects
C++
36643 projects - #6 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to SpatiallyAdaptiveInference-Detection

visdial
Visual Dialog: Light-weight Transformer for Many Inputs (ECCV 2020)
Stars: ✭ 27 (-50.91%)
Mutual labels:  eccv2020
SPAN
Semantics-guided Part Attention Network (ECCV 2020 Oral)
Stars: ✭ 19 (-65.45%)
Mutual labels:  eccv2020
Scanr
Detect x86 shellcode in files and traffic.
Stars: ✭ 16 (-70.91%)
Mutual labels:  detection
Awesome-Vision-Transformer-Collection
Variants of Vision Transformer and its downstream tasks
Stars: ✭ 124 (+125.45%)
Mutual labels:  detection
Log4j-CVE-Detect
Detections for CVE-2021-44228 inside of nested binaries
Stars: ✭ 33 (-40%)
Mutual labels:  detection
survey-computer-vision-2021
2021年计算机视觉技术综述分类汇总
Stars: ✭ 54 (-1.82%)
Mutual labels:  detection
People-Flows
The code for our ECCV 2020 paper: Estimating People Flows to Better Count Them in Crowded Scenes
Stars: ✭ 44 (-20%)
Mutual labels:  eccv2020
shinTB
Textboxes : Image Text Detection Model : python package (tensorflow)
Stars: ✭ 90 (+63.64%)
Mutual labels:  detection
CarND-VehicleDetection
vehicle detection with deep learning
Stars: ✭ 34 (-38.18%)
Mutual labels:  detection
AXI PCB defect detection
This repo contains data pre-processing, classification and defect detection methodologies for images from Advance XRay Inspection from multi-layer PCB boards. Proprietary AXI image dataset is not included in this repo. Users can use their own datasets on top of the OOP data extraction layer and neural network models implemented here.
Stars: ✭ 31 (-43.64%)
Mutual labels:  detection
LaBERT
A length-controllable and non-autoregressive image captioning model.
Stars: ✭ 50 (-9.09%)
Mutual labels:  eccv2020
ARFaceFilter
Javascript/WebGL lightweight face tracking library designed for augmented reality webcam filters. Features : multiple faces detection, rotation, mouth opening. Various integration examples are provided (Three.js, Babylon.js, FaceSwap, Canvas2D, CSS3D...).
Stars: ✭ 72 (+30.91%)
Mutual labels:  detection
detect-gpu
Classifies GPUs based on their 3D rendering benchmark score allowing the developer to provide sensible default settings for graphically intensive applications.
Stars: ✭ 749 (+1261.82%)
Mutual labels:  detection
go-tensorflow-realtime-object-detection
Real-time object detection with Go and Tensorflow
Stars: ✭ 60 (+9.09%)
Mutual labels:  detection
cflow-ad
Official PyTorch code for WACV 2022 paper "CFLOW-AD: Real-Time Unsupervised Anomaly Detection with Localization via Conditional Normalizing Flows"
Stars: ✭ 138 (+150.91%)
Mutual labels:  detection
detect-features
Detect and report browser and hardware features.
Stars: ✭ 63 (+14.55%)
Mutual labels:  detection
jeelizGlanceTracker
JavaScript/WebGL lib: detect if the user is looking at the screen or not from the webcam video feed. Lightweight and robust to all lighting conditions. Great for play/pause videos if the user is looking or not, or for person detection. Link to live demo.
Stars: ✭ 68 (+23.64%)
Mutual labels:  detection
Object-Detection-And-Tracking
Target detection in the first frame and Tracking target by SiamRPN.
Stars: ✭ 33 (-40%)
Mutual labels:  detection
etiketai
Etiketai is an online tool designed to label images, useful for training AI models
Stars: ✭ 63 (+14.55%)
Mutual labels:  detection
DecisionAmbiguityRecognition
Deep learning AI, that recognizes when are people uncertain
Stars: ✭ 16 (-70.91%)
Mutual labels:  detection

Spatially Adaptive Inference with Stochastic Feature Sampling and Interpolation

Introduction

This repo is the official implementation of "Spatially Adaptive Inference with Stochastic Feature Sampling and Interpolation" on COCO object detection. The code is based on MMDetection v0.6.0.

Deterministic sampling(middle) and stochastic sampling(right) from the raw image(left).

Stochastic sampling-interpolation network(a) and comparison between deterministic sampling(b, left) and stochastic sampling(b, right).

Abstract. In the feature maps of CNNs, there commonly exists considerable spatial redundancy that leads to much repetitive processing. Towards reducing this superfluous computation, we propose to compute features only at sparsely sampled locations, which are probabilistically chosen according to activation responses, and then densely reconstruct the feature map with an efficient interpolation procedure. With this sampling-interpolation scheme, our network avoids expending computation on spatial locations that can be effectively interpolated, while being robust to activation prediction errors through broadly distributed sampling. A technical challenge of this sampling-based approach is that the binary decision variables for representing discrete sampling locations are non-differentiable, making them incompatible with backpropagation. To circumvent this issue, we make use of a reparameterization trick based on the Gumbel-Softmax distribution, with which backpropagation can iterate these variables towards binary values. The presented network is experimentally shown to save substantial computation while maintaining accuracy over a variety of computer vision tasks.

Model Zoo

All the models are based on the Faster R-CNN with FPN.

Backbone Resolution Sparse Loss Weight mAP GFlops Config Model URL Model sha256sum
ResNet-101 500 - 38.5 70.0 config model 206b4c0e
ResNet-101 600 - 40.4 100.2 config model c4e102de
ResNet-101 800 - 42.3 184.1 config model 3fc2af7a
ResNet-101 1000 - 43.4 289.5 config model e043c999
SparseResNet-101 1000 0.02 43.3 164.8 config model 16a152e0
SparseResNet-101 1000 0.05 42.7 120.3 config model f0a467c8
SparseResNet-101 1000 0.1 41.9 94.4 config model 1c9bf665
SparseResNet-101 1000 0.2 40.7 71.4 config model 46044e4a

Getting Started

Requirements

At present, we have not checked the compatibility of the code with other versions of the packages, so we only recommend the following configuration.

  • Python 3.7
  • PyTorch == 1.1.0
  • Torchvision == 0.3.0
  • CUDA 9.0
  • Other dependencies

Installation

We recommand using conda env to setup the experimental environments.

# Create environment
conda create -n SAI_Det python=3.7 -y
conda activate SAI_Det

# Install PyTorch & Torchvision
conda install pytorch=1.1.0 cudatoolkit=9.0 torchvision -c pytorch -y

# Clone repo
git clone https://github.com/zdaxie/SpatiallyAdaptiveInference-Detection ./SAI_Det
cd ./SAI_Det

# Create soft link for data
mkdir data
cd data
ln -s ${COCO-Path} ./coco
cd ..

# Install requirements and Compile operators
./init.sh

Running

For now, we only support training with 8 GPUs.

# Test with the given config & model
./tools/dist_test.sh ${config-path} ${model-path} ${num-gpus} --out ${output-file.pkl}

# Train with the given config
./tools/dist_train.sh ${config-path} ${num-gpus}

License

This project is released under the Apache 2.0 license.

Citation

If you use our codebase or models in your research, please cite this project.

@InProceedings{xie2020spatially,
author = {Xie, Zhenda and Zhang, Zheng and Zhu, Xizhou and Huang, Gao and Lin, Steve},
title = {Spatially Adaptive Inference with Stochastic Feature Sampling and Interpolation},
booktitle = {European Conference on Computer Vision (ECCV)},
year = {2020},
month = {August},
}
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].