All Projects → sevakon → efficientdet

sevakon / efficientdet

Licence: MIT license
PyTorch Implementation of the state-of-the-art model for object detection EfficientDet [pre-trained weights provided]

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to efficientdet

Yet Another Efficientdet Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
Stars: ✭ 4,945 (+23447.62%)
Mutual labels:  efficientnet, efficientdet
Automl
Google Brain AutoML
Stars: ✭ 4,795 (+22733.33%)
Mutual labels:  efficientnet, efficientdet
HoloLens2-Machine-Learning
Using deep learning models for image classification directly on the HoloLens 2.
Stars: ✭ 46 (+119.05%)
Mutual labels:  efficientnet
image embeddings
Using efficientnet to provide embeddings for retrieval
Stars: ✭ 107 (+409.52%)
Mutual labels:  efficientnet
Pytorch Image Models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Stars: ✭ 15,232 (+72433.33%)
Mutual labels:  efficientnet
Combining-EfficientNet-and-Vision-Transformers-for-Video-Deepfake-Detection
Code for Video Deepfake Detection model from "Combining EfficientNet and Vision Transformers for Video Deepfake Detection" available on Arxiv and was submitted to ICIAP 2021.
Stars: ✭ 39 (+85.71%)
Mutual labels:  efficientnet
Nanodet
⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
Stars: ✭ 3,640 (+17233.33%)
Mutual labels:  efficientnet
TensorMONK
A collection of deep learning models (PyTorch implemtation)
Stars: ✭ 21 (+0%)
Mutual labels:  efficientnet
food-detection-yolov5
🍔🍟🍗 Food analysis baseline with Theseus. Integrate object detection, image classification and multi-class semantic segmentation. 🍞🍖🍕
Stars: ✭ 68 (+223.81%)
Mutual labels:  efficientnet
detect-waste
AI to Combat Environmental Pollution - detecting plastic waste in the environment to combat environmental pollution and promote circular economy (Deep Learning, PyTorch)
Stars: ✭ 113 (+438.1%)
Mutual labels:  efficientdet
KaggleBengaliAIHandwrittenGraphemeClassification
Some parts of my code for the Computer Vision Kaggle Bengali AI Handwritten Grapheme Classification competition
Stars: ✭ 25 (+19.05%)
Mutual labels:  efficientnet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+16923.81%)
Mutual labels:  efficientnet
quarkdet
QuarkDet lightweight object detection in PyTorch .Real-Time Object Detection on Mobile Devices.
Stars: ✭ 82 (+290.48%)
Mutual labels:  efficientdet
MXNet-EfficientNet
A Gluon Implement of EfficientNet
Stars: ✭ 12 (-42.86%)
Mutual labels:  efficientnet
MixNet-PyTorch
Concise, Modular, Human-friendly PyTorch implementation of MixNet with Pre-trained Weights.
Stars: ✭ 16 (-23.81%)
Mutual labels:  efficientnet
detectron2 backbone
detectron2 backbone: resnet18, efficientnet, hrnet, mobilenet v2, resnest, bifpn
Stars: ✭ 171 (+714.29%)
Mutual labels:  efficientnet
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+9042.86%)
Mutual labels:  efficientnet
efficientnetv2.pytorch
PyTorch implementation of EfficientNetV2 family
Stars: ✭ 366 (+1642.86%)
Mutual labels:  efficientnet
awesome-computer-vision-models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 419 (+1895.24%)
Mutual labels:  efficientnet
EfficientUNetPlusPlus
Decoder architecture based on the UNet++. Combining residual bottlenecks with depthwise convolutions and attention mechanisms, it outperforms the UNet++ in a coronary artery segmentation task, while being significantly more computationally efficient.
Stars: ✭ 37 (+76.19%)
Mutual labels:  efficientnet

EfficientDet: Scalable and Efficient Object Detection

PyTorch Implementation of the state-of-the-art object detection architecture EfficientDet

https://arxiv.org/abs/1911.09070

Motivation

As of the time I started working on this project, there was no PyTorch implementation on GitHub that would match the original paper in the number of the model's parameters. All of the existed repositories altered a lot from the recently published TensorFlow implementation by Brain Team (e.g. changing strides in the backbone, missing batch normalization layers, no 'same' padding strategy in pooling layers, differing training hyper-parameters, not using Exponential Moving Average Decay, and others). Here is my attempt to reproduce EfficientDet in PyTorch. My end goal is to reproduce training cycle from the original paper and achieve nearly same results.

Notes on Implementation

Alternatively to the TensorFlow implementation, I got rid of the useless biases in convolutional layers followed by batch normalization, which resulted in parameters reduction.

Model Zoo

Model Name Weights #params #params paper val mAP val mAP paper
D0 download 3.878M 3.9M 32.8 33.5
D1 download 6.622M 6.6M 38.7 39.1
D2 download 8.091M 8.1M 42.1 42.5
D3 soon 12.022M 12.0M soon 45.9
D4 soon 20.708M 20.7M soon 49.0
D5 soon 33.633M 33.7M soon 50.5

Usage

Train from scratch

Download COCO2017 Train & Val Sets
wget http://images.cocodataset.org/zips/train2017.zip
unzip train2017.zip && mv train2017 data/coco/train2017 && rm train2017.zip

wget http://images.cocodataset.org/zips/val2017.zip
unzip val2017.zip && mv val2017 data/coco/val2017 && rm val2017.zip

wget http://images.cocodataset.org/annotations/annotations_trainval2017.zip
unzip annotations_trainval2017.zip && mv annotations data/coco && rm annotations_trainval2017.zip
Run Script
python main.py -mode 'trainval' -model 'efficientdet-d{}'

COCO Evaluation

Download COCO2017 Val Set
wget http://images.cocodataset.org/zips/val2017.zip
unzip val2017.zip && mv val2017 data/coco/val2017 && rm val2017.zip

wget http://images.cocodataset.org/annotations/annotations_trainval2017.zip
unzip annotations_trainval2017.zip && mv annotations data/coco && rm annotations_trainval2017.zip
Run Script
python main.py -mode eval -model efficientdet-d{} --pretrained

RoadMap

  • Model Architecture that would match the original paper
  • COCO val script
  • port weights from TensorFlow
  • COCO train script
  • Reproduce results from the paper
  • Pre-trained weights release

References

  • [1] Mingxing Tan, Ruoming Pang, Quoc V. Le. EfficientDet: Scalable and Efficient Object Detection
  • [2] EfficientDet implementation in TensorFlow by Google AutoML
  • [3] PyTorch EfficientNet implementation by @lukemelas
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].