HyperAIHyperAI

Command Palette

Search for a command to run...

5 months ago

SSD: Single Shot MultiBox Detector

Wei Liu; Dragomir Anguelov; Dumitru Erhan; Christian Szegedy; Scott Reed; Cheng-Yang Fu; Alexander C. Berg

SSD: Single Shot MultiBox Detector

Abstract

We present a method for detecting objects in images using a single deep neural network. Our approach, named SSD, discretizes the output space of bounding boxes into a set of default boxes over different aspect ratios and scales per feature map location. At prediction time, the network generates scores for the presence of each object category in each default box and produces adjustments to the box to better match the object shape. Additionally, the network combines predictions from multiple feature maps with different resolutions to naturally handle objects of various sizes. Our SSD model is simple relative to methods that require object proposals because it completely eliminates proposal generation and subsequent pixel or feature resampling stage and encapsulates all computation in a single network. This makes SSD easy to train and straightforward to integrate into systems that require a detection component. Experimental results on the PASCAL VOC, MS COCO, and ILSVRC datasets confirm that SSD has comparable accuracy to methods that utilize an additional object proposal step and is much faster, while providing a unified framework for both training and inference. Compared to other single stage methods, SSD has much better accuracy, even with a smaller input image size. For $300\times 300$ input, SSD achieves 72.1% mAP on VOC2007 test at 58 FPS on a Nvidia Titan X and for $500\times 500$ input, SSD achieves 75.1% mAP, outperforming a comparable state of the art Faster R-CNN model. Code is available at https://github.com/weiliu89/caffe/tree/ssd .

Code Repositories

victordibia/handtracking
tf
Mentioned in GitHub
GitHberChen/FCN-Pytorch
pytorch
Mentioned in GitHub
nsom/ssd
pytorch
Mentioned in GitHub
chandra411/Product-Detection
tf
Mentioned in GitHub
Tsejing/object_detection
tf
Mentioned in GitHub
Andrew-Qibin/ssdlite-pytorch
pytorch
Mentioned in GitHub
NCNU-OpenSource/What-are-you-
tf
Mentioned in GitHub
imistyrain/ssd-windows
Mentioned in GitHub
Richard-cpu2333/tx2dl
pytorch
Mentioned in GitHub
yuqj1990/deepano_train
tf
Mentioned in GitHub
RentadroneCL/model-definition
tf
Mentioned in GitHub
ZhangJiajun1995/cs231n-camp
pytorch
Mentioned in GitHub
Viveksbawa/SARAS-ESAD-Baseline
pytorch
Mentioned in GitHub
aiha-lab/AI-thermometer
tf
Mentioned in GitHub
chenjian123456/caffe-ssd
Mentioned in GitHub
LanqingLi/Chromosome
mxnet
Mentioned in GitHub
konny0311/ssd_trial
tf
Mentioned in GitHub
liuliu408/caffe-ssd
Mentioned in GitHub
PettyDevil/caffe_ssd
Mentioned in GitHub
nikhilsid/CV_HW5
Mentioned in GitHub
Zoushuang86/quiz_w8
tf
Mentioned in GitHub
MonsterPeng/caffe_ssd
Mentioned in GitHub
wangrui1996/caffe-ssd
Mentioned in GitHub
2023-MindSpore-1/ms-code-32
mindspore
Mentioned in GitHub
wayne1204/NOAA-fish-finding
tf
Mentioned in GitHub
xyfer17/ssd-caffe
Mentioned in GitHub
alpemek/ais3d
pytorch
Mentioned in GitHub
weidi1024/caffe-ssd-correct
Mentioned in GitHub
bmoradi93/ssd-object-detection
tf
Mentioned in GitHub
arvind1998/SSD-Object-Detection
pytorch
Mentioned in GitHub
millanp95/OFTracker
pytorch
Mentioned in GitHub
ashwath007/aminity-detection
pytorch
Mentioned in GitHub
inisis/caffe
Mentioned in GitHub
naoya0731/deepmosaic
tf
Mentioned in GitHub
openvinotoolkit/training_extensions
pytorch
Mentioned in GitHub
ml-inory/Caffe
Mentioned in GitHub
taokong/RON
tf
Mentioned in GitHub
yuqj1990/caffe_train
tf
Mentioned in GitHub
yczhang1017/SSD_resnet_pytorch
pytorch
Mentioned in GitHub
zjZSTU/SSD
pytorch
Mentioned in GitHub
JoyHsiao/Haitec
Mentioned in GitHub
dugusiqing/caffe
Mentioned in GitHub
PhanTom2003/SSD
pytorch
Mentioned in GitHub
Cosmos218/ssd-caffe
Mentioned in GitHub
SkalskiP/make-sense
tf
Mentioned in GitHub
zhreshold/mxnet-ssd
mxnet
Mentioned in GitHub
Tota-Nakatani/SSD_keras
tf
Mentioned in GitHub
JoegameZhou/ssd
mindspore
Mentioned in GitHub
birosjh/simple_ssd
pytorch
Mentioned in GitHub
hidekazu300/test
tf
Mentioned in GitHub
wk738126046/deploy
mxnet
Mentioned in GitHub
tryolabs/luminoth
tf
Mentioned in GitHub
yuhsijen/Object-Detector
tf
Mentioned in GitHub
uvipen/ssd-pytorch
pytorch
Mentioned in GitHub
Ohyeon5/MultiscaleSegmentation
tf
Mentioned in GitHub
tsunekoromochi/ssd
tf
Mentioned in GitHub
raisinglc/object_detection_SSD
tf
Mentioned in GitHub
aniketmaurya/ssd-tf2-tfds
tf
Mentioned in GitHub
chaowang1994/caffe-ssd
Mentioned in GitHub
kanesoban/ssd
tf
Mentioned in GitHub
aoru45/BasketNet
pytorch
Mentioned in GitHub
pesong/ssd-caffe
Mentioned in GitHub
AVAuco/ssd_people
tf
Mentioned in GitHub
scrambleegg7/ssd_prescription
tf
Mentioned in GitHub
Ander02/FaceRecognition
pytorch
Mentioned in GitHub
MTCloudVision/mxnet-dssd
mxnet
Mentioned in GitHub
eddiebarry/SingleShotDetector
tf
Mentioned in GitHub
jack16888/caffessd
Mentioned in GitHub
kangyiS/caffe_ky
Mentioned in GitHub
amemetov/ssd
tf
Mentioned in GitHub
ravi0531rp/DeepDrive
pytorch
Mentioned in GitHub
pierluigiferrari/ssd_keras
tf
Mentioned in GitHub
watarus0208/ssd_keras
tf
Mentioned in GitHub
CV-deeplearning/caffe
Mentioned in GitHub
feizc/Object-Detection-Pytorch
pytorch
Mentioned in GitHub
XiangGaofeng/MindSpore-SSD
mindspore
Mentioned in GitHub
rfribeiro/face_detection
tf
Mentioned in GitHub
liqiang2018/Vehicle_delector
tf
Mentioned in GitHub
sunqiangxtcsun/SSD
Mentioned in GitHub
poel22/covproject
tf
Mentioned in GitHub
gmt710/caffe_gpu
Mentioned in GitHub
shenyunhang/caffe-fwsl
Mentioned in GitHub
TurtleGo/project-vehicle-detect
tf
Mentioned in GitHub
Sobeit-Tim/NuguEyeTest
Mentioned in GitHub
xiaohaoChen/rrc_detection
Mentioned in GitHub
imistyrain/ssd
Mentioned in GitHub
wj1tr0y/SSD
Mentioned in GitHub
kfx7577/Caffe_VehicleCounter
Mentioned in GitHub
saunack/MobileNetv2-SSD
tf
Mentioned in GitHub
birosjh/pytorch_ssd
pytorch
Mentioned in GitHub
tchernitski/caffe.deploy
Mentioned in GitHub
nasirtrekker/personcounter
caffe2
Mentioned in GitHub
visiblesensors/caffe-ssd
Mentioned in GitHub
arpytanshu/ssd-object-detection
pytorch
Mentioned in GitHub
pessimiss/ai100-w8-master
tf
Mentioned in GitHub
nope0124/ssd_keras_hisakawa
tf
Mentioned in GitHub
chenjunweii/mxnet-ssd
mxnet
Mentioned in GitHub
InquisitiveOjas/Object-Detection_SSD
pytorch
Mentioned in GitHub
lzx1413/CAFFE_SSD
Mentioned in GitHub
samo1petar/SSD
tf
Mentioned in GitHub
naoya0731/deepmozaik_sample
tf
Mentioned in GitHub
fanneng/caffe
Mentioned in GitHub
JaryHuang/awesome_SSD_FPN_GIoU
pytorch
Mentioned in GitHub
aoru45/LFFD-Pytorch
pytorch
Mentioned in GitHub
zhuyi55/week9
tf
Mentioned in GitHub
amdegroot/ssd.pytorch
pytorch
Mentioned in GitHub
bleedingfight/caffe-env
Mentioned in GitHub
miteshksingh/SimplifiedYOLO
Mentioned in GitHub
MenGuangwen-CN-0411/Simple-Use-of-SSD
pytorch
Mentioned in GitHub
yqyao/ssd.pytorch
pytorch
Mentioned in GitHub
rykov8/ssd_keras
tf
Mentioned in GitHub
yuqj1990/deepano_face_train
tf
Mentioned in GitHub
toseek01/eyebird
tf
Mentioned in GitHub
gurkirt/realtime-action-detection
pytorch
Mentioned in GitHub
Mind23-2/MindCode-82
mindspore
Mentioned in GitHub
macomino/TFM
tf
Mentioned in GitHub
ChunML/ssd-tf2
tf
Mentioned in GitHub
ashwath007/amenity-detection
pytorch
Mentioned in GitHub
zoeyuchao/caffe-ssd
Mentioned in GitHub
ChujoHiroto/tensorflow-ssd
tf
Mentioned in GitHub
ethanhou99/ml_learn
tf
Mentioned in GitHub
balancap/SSD-Tensorflow
tf
Mentioned in GitHub
HiKapok/SSD.TensorFlow
tf
Mentioned in GitHub
Deci-AI/super-gradients
pytorch
Mentioned in GitHub
EricYang3721/faces
tf
Mentioned in GitHub
gmt710/caffe-ssd
Mentioned in GitHub
cfdoge/w9ai
tf
Mentioned in GitHub
111qqz/caffe-ssd
Mentioned in GitHub
rajs25/Object-Detection
tf
Mentioned in GitHub
object-detection-algorithm/SSD
pytorch
Mentioned in GitHub
rajatashhpa/1
tf
Mentioned in GitHub
paulwarkentin/tf-ssd-vgg
tf
Mentioned in GitHub
liqiang2018/ssd_mobilenet1.5
tf
Mentioned in GitHub
minhhuu291/Logo-Recognition
tf
Mentioned in GitHub
huytranvan2010/SSD
Mentioned in GitHub
liuky74/caffe_liuky74
Mentioned in GitHub
xzgz/caffe-ssd
Mentioned in GitHub
qfgaohao/pytorch-ssd
pytorch
Mentioned in GitHub
ZhouKai90/face-detection-ssd-mxnet
mxnet
Mentioned in GitHub
wangkingkingking/ssd_mathocr
Mentioned in GitHub
opencv/openvino_training_extensions
pytorch
Mentioned in GitHub
stevensmiley1989/MrRobot
tf
Mentioned in GitHub
vita-epfl/rock-pytorch
pytorch
Mentioned in GitHub
freeniliang/caffe-ssd
Mentioned in GitHub
yeqiuyi/caffe-ssd
Mentioned in GitHub
jack16888/caffe-ssd
Mentioned in GitHub
megvii-research/caddm
pytorch
Mentioned in GitHub
gurkirt/AMTNet
pytorch
Mentioned in GitHub
zqplgl/caffe
Mentioned in GitHub
nutintin/Robotic_SP2019
tf
Mentioned in GitHub
bailvwangzi/repulsion_loss_ssd
pytorch
Mentioned in GitHub
yuqj1990/face_train
tf
Mentioned in GitHub
lswzjuer/caffe-adas
Mentioned in GitHub
leejang/two_stream_ssd_caffe
Mentioned in GitHub
lufficc/SSD
pytorch
Mentioned in GitHub

Benchmarks

BenchmarkMethodologyMetrics
object-detection-on-cocoSSD512
AP50: 48.5
AP75: 30.3
box mAP: 28.8
object-detection-on-coco-oSSD (VGG-16)
Average mAP: 13.6
Effective Robustness: 0.36
object-detection-on-pascal-voc-2007SSD512 (07+12+COCO)
MAP: 81.6%
object-detection-on-pascal-voc-2012SSD512 (07+12+COCO)
MAP: 80
object-detection-on-pku-ddd17-carSSD
mAP50: 73.1

Build AI with AI

From idea to launch — accelerate your AI development with free AI co-coding, out-of-the-box environment and best price of GPUs.

AI Co-coding
Ready-to-use GPUs
Best Pricing
Get Started

Hyper Newsletters

Subscribe to our latest updates
We will deliver the latest updates of the week to your inbox at nine o'clock every Monday morning
Powered by MailChimp
SSD: Single Shot MultiBox Detector | Papers | HyperAI