sys.path.append('./resources/libraries')
import ei_tensorflow.object_detection
EPOCHS = args.epochs or 25
LEARNING_RATE = args.learning_rate or 0.015
ei_tensorflow.object_detection.train(classes, LEARNING_RATE, EPOCHS,
train_dataset, validation_dataset)
# The 'model' variable is expected to be a Keras model. For this model type there is no keras model,
# so we just set it to None.
model = None
This model won't run on MCUs.
Calculated arena size is >6MB
Latency estimation for your chosen target is not currently supported
Choose a different model
Did you know?
You can customize your model through the Expert view
(click on to switch),
or can even
bring your own model (in PyTorch, Keras or scikit-learn).
Model
Author
MobileNetV2 SSD FPN-Lite (320x320 only)
Officially supported
A pre-trained object detection model designed to locate up to 10 objects within an image, outputting a bounding box for each object detected. The model is around 3.7MB in size. It supports an RGB input at 320x320px. For other resolutions, use FOMO or an NVIDIA TAO model.
Edge Impulse
FOMO (Faster Objects, More Objects) MobileNetV2 0.1
Officially supported
An object detection model based on MobileNetV2 (alpha 0.1) designed to coarsely segment an image into a grid of background vs objects of interest. These models are designed to be <100KB in size and support a grayscale or RGB input at any resolution.
Edge Impulse
FOMO (Faster Objects, More Objects) MobileNetV2 0.35
Officially supported
An object detection model based on MobileNetV2 (alpha 0.35) designed to coarsely segment an image into a grid of background vs objects of interest. These models are designed to be <100KB in size and support a grayscale or RGB input at any resolution.
Edge Impulse
efficientdet-lite
Enterprise
efficientdet-lite
Edge Impulse Inc.
YOLOv5 (yolov5n.pt)
Enterprise
YOLOv5 model with yolov5n.pt pretrained weights
Edge Impulse Inc.
YOLOv3
Enterprise
Fine-tune a pretrained YOLOv3 model based on yolov3-tiny.pt
Edge Impulse Inc.
TI YOLOX
Enterprise
Transfer learning model based on yolox_nano_ti_lite_26p1_41p8_checkpoint.pth
Edge Impulse Inc.
mat_akida_nan_testing
Enterprise
testing of nans coming from akida training
Edge Impulse Inc.
coco-cats
Enterprise
coco-cats
Edge Impulse Inc.
raul-edgeai-regnetx-800mf-fpn-bgr-lite
Enterprise
"TI's EDGEAI optimization of the mmdetection regnetx-800mf-fpn-bgr-lite architecture. https://github.com/TexasInstruments/edgeai-mmdetection"
Edge Impulse Inc.
YOLOv5 for Renesas DRP-AI
Community
Transfer learning model using YOLOv5 v5 branch with yolov5s.pt weights. This block is only compatible with Renesas DRP-AI.
Renesas
YOLOv5
Community
Transfer learning model based on Ultralytics YOLOv5 using yolov5n.pt weights, supports RGB input at any resolution (square images only).
Community blocks
YOLOX for TI TDA4VM
Community
TI's EDGEAI YOLOX. https://github.com/TexasInstruments/edgeai-yolox. Outputs ONNX v7 model format both with and without final detect layers using PyTorch 1.7.1.
See the implementation https://github.com/edgeimpulse/example-custom-ml-block-ti-yolox/tree/onnx-v7
Texas Instruments
NVIDIA TAO RetinaNet
Professional
Enterprise
Object detection model with superior performance on smaller objects. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
Edge Impulse Inc.
NVIDIA TAO YOLOV3
Professional
Enterprise
Object detection model that is fast and accurate. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
Edge Impulse Inc.
NVIDIA TAO YOLOV4
Professional
Enterprise
Object detection model that is fast and accurate. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
Edge Impulse Inc.
NVIDIA TAO SSD
Professional
Enterprise
Object detection model for general purpose use. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
Edge Impulse Inc.
Select a backbone
The backbone is the foundational element of a neural network model, responsible for extracting meaningful features from input data, enabling subsequent parts to perform anomaly scoring or classification.
Description
Author
EfficientNet V2B0
Uses around 1379K RAM based on your input size, and between 240-1675K ROM depending on the number of layers, with default compiler settings. Supports both RGB and grayscale.
Edge Impulse
MobileNetV2 0.35
Uses around 1217K RAM based on your input size, and between 69-134K ROM depending on the number of layers, with default compiler settings. Supports both RGB and grayscale.
Edge Impulse
MobileNetV2 0.50
Uses around 1221K RAM based on your input size, and between 78-168K ROM depending on the number of layers, with default compiler settings. Supports both RGB and grayscale.
Edge Impulse
MobileNetV2 0.75
Uses around 2421K RAM based on your input size, and between 109-266K ROM depending on the number of layers, with default compiler settings. Supports both RGB and grayscale.
Edge Impulse
MobileNetV2 1.0
Uses around 2431K RAM based on your input size, and between 126-372K ROM depending on the number of layers, with default compiler settings. Supports both RGB and grayscale.
Edge Impulse
MobileNetV2 0.1
Uses around NaNK RAM based on your input size, and 58K ROM, with default compiler settings. Supports both RGB and grayscale.
Edge Impulse
Some backbones have been disabled and hidden because they are not supported by the selected scoring function.
Show all backbones anyway
Select a scoring function
The scoring function operates on the features extracted by the backbone, and returns anomaly scores for each segment of the image.
Description
Author
Recommended
MobileNetV2 SSD FPN-Lite (320x320 only)
A pre-trained object detection model designed to locate up to 10 objects within an image, outputting a bounding box for each object detected. The model is around 3.7MB in size. It supports an RGB input at 320x320px. For other resolutions, use FOMO or an NVIDIA TAO model.
Edge Impulse
FOMO (Faster Objects, More Objects) MobileNetV2 0.1
An object detection model based on MobileNetV2 (alpha 0.1) designed to coarsely segment an image into a grid of background vs objects of interest. These models are designed to be <100KB in size and support a grayscale or RGB input at any resolution.
Edge Impulse
FOMO (Faster Objects, More Objects) MobileNetV2 0.35
An object detection model based on MobileNetV2 (alpha 0.35) designed to coarsely segment an image into a grid of background vs objects of interest. These models are designed to be <100KB in size and support a grayscale or RGB input at any resolution.
Edge Impulse
efficientdet-lite
efficientdet-lite
Edge Impulse
YOLOv5 (yolov5n.pt)
YOLOv5 model with yolov5n.pt pretrained weights
Edge Impulse
YOLOv3
Fine-tune a pretrained YOLOv3 model based on yolov3-tiny.pt
Edge Impulse
TI YOLOX
Transfer learning model based on yolox_nano_ti_lite_26p1_41p8_checkpoint.pth
Edge Impulse
mat_akida_nan_testing
testing of nans coming from akida training
Edge Impulse
coco-cats
coco-cats
Edge Impulse
raul-edgeai-regnetx-800mf-fpn-bgr-lite
"TI's EDGEAI optimization of the mmdetection regnetx-800mf-fpn-bgr-lite architecture. https://github.com/TexasInstruments/edgeai-mmdetection"
Edge Impulse
YOLOv5 for Renesas DRP-AI
Transfer learning model using YOLOv5 v5 branch with yolov5s.pt weights. This block is only compatible with Renesas DRP-AI.
Edge Impulse
YOLOv5
Transfer learning model based on Ultralytics YOLOv5 using yolov5n.pt weights, supports RGB input at any resolution (square images only).
Edge Impulse
YOLOX for TI TDA4VM
TI's EDGEAI YOLOX. https://github.com/TexasInstruments/edgeai-yolox. Outputs ONNX v7 model format both with and without final detect layers using PyTorch 1.7.1.
See the implementation https://github.com/edgeimpulse/example-custom-ml-block-ti-yolox/tree/onnx-v7
Edge Impulse
NVIDIA TAO RetinaNet
Object detection model with superior performance on smaller objects. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
Edge Impulse
NVIDIA TAO YOLOV3
Object detection model that is fast and accurate. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
Edge Impulse
NVIDIA TAO YOLOV4
Object detection model that is fast and accurate. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
Edge Impulse
NVIDIA TAO SSD
Object detection model for general purpose use. Configurable backbones optimized for targets from MCU to GPU. Supports rectangular input. Image width and height must be multiples of 32. Training requires GPU.
We're always looking for ways to improve Edge Impulse. If you have any feedback, please let us know!
This field is required
This field is required
Almost there!
You'll need a free Edge Impulse
account to clone this project.
Creating an account lets you add your own data,
modify models, and join a community of thousands of
embedded machine learning developers!
Configure your target device and application budget
Target device
Define your target device requirements to inform model optimizations and performance calculations.
No device yet? Use the default settings which you can change at any time.
| MHz
Max
Application budget
Specify the available RAM and ROM for the model's operation, along with the maximum allowed latency
for your specific application. Not sure yet? Start with the defaults and modify them later on.
| KB
Max
| KB
Max
| ms
Max
Choose your pricing
YEARLY
$400
/month
billed annually
SAVE 15%
MONTHLY
$475
/month
billed monthly
Additional usage
Professional Plan includes 1,000 compute minutes per month. Additional usage will be charged at $0.10 per minute, billed monthly.