Category |
Sub Category |
Name of the Tool |
Brief Description |
URL |
Computer Vision Tools |
Object Detection |
YOLO (You Only Look Once) |
A real-time object detection system that divides images into grids and predicts bounding boxes and class probabilities. |
https://pjreddie.com/yolo |
Computer Vision Tools |
Object Detection |
TensorFlow Object Detection API |
A framework for building, training, and deploying object detection models using TensorFlow. |
https://tensorflow.org |
Computer Vision Tools |
Object Detection |
Detectron2 |
Facebook AI's library for object detection, segmentation, and pose estimation tasks. |
https://github.com/facebookresearch/detectron2 |
Computer Vision Tools |
Object Detection |
OpenCV DNN Module |
A module in OpenCV that supports deep learning-based object detection using pre-trained models like YOLO and SSD. |
https://opencv.org |
Computer Vision Tools |
Object Detection |
PyTorch Object Detection |
A PyTorch-based library for implementing object detection models like Faster R-CNN and RetinaNet. |
https://pytorch.org |
Computer Vision Tools |
Object Detection |
MMDetection |
An open-source object detection toolbox based on PyTorch, offering state-of-the-art models. |
https://mmdetection.readthedocs.io |
Computer Vision Tools |
Object Detection |
Darknet |
An open-source neural network framework used for implementing YOLO-based object detection models. |
https://pjreddie.com/darknet |
Computer Vision Tools |
Object Detection |
Fast R-CNN |
A region-based convolutional neural network (R-CNN) for accurate and efficient object detection. |
https://github.com/rbgirshick/fast-rcnn |
Computer Vision Tools |
Object Detection |
Faster R-CNN |
An extension of Fast R-CNN that introduces a region proposal network (RPN) for generating object proposals. |
https://github.com/rbgirshick/py-faster-rcnn |
Computer Vision Tools |
Object Detection |
Mask R-CNN |
An extension of Faster R-CNN that adds instance segmentation capabilities alongside object detection. |
https://github.com/matterport/Mask_RCNN |
Computer Vision Tools |
Object Detection |
SSD (Single Shot MultiBox Detector) |
A fast and efficient object detection model that predicts bounding boxes in a single pass. |
https://github.com/weiliu89/caffe/tree/ssd |
Computer Vision Tools |
Object Detection |
RetinaNet |
A one-stage object detection model that addresses class imbalance using focal loss. |
https://github.com/fizyr/keras-retinanet |
Computer Vision Tools |
Object Detection |
EfficientDet |
A family of scalable and efficient object detection models developed by Google. |
https://github.com/google/automl/tree/master/efficientdet |
Computer Vision Tools |
Object Detection |
CenterNet |
A keypoint-based object detection model that predicts object centers and sizes. |
https://github.com/xingyizhou/CenterNet |
Computer Vision Tools |
Object Detection |
CornerNet |
A novel object detection model that detects objects as pairs of keypoints (top-left and bottom-right corners). |
https://github.com/princeton-vl/CornerNet |
Computer Vision Tools |
Object Detection |
Cascade R-CNN |
A multi-stage object detection model that refines predictions iteratively for higher accuracy. |
https://github.com/zhaoweicai/cascade-rcnn |
Computer Vision Tools |
Object Detection |
NAS-FPN |
A neural architecture search-based feature pyramid network for object detection. |
https://github.com/tensorflow/tpu/tree/master/models/official/detection |
Computer Vision Tools |
Object Detection |
BlazeFace |
A lightweight face detection model optimized for mobile and embedded devices. |
https://github.com/google/mediapipe/tree/master/mediapipe/models |
Computer Vision Tools |
Object Detection |
MobileNet SSD |
A lightweight object detection model based on MobileNet architecture, suitable for edge devices. |
https://github.com/chuanqi305/MobileNet-SSD |
Computer Vision Tools |
Object Detection |
Tiny YOLO |
A smaller and faster variant of YOLO designed for real-time object detection on resource-constrained devices. |
https://pjreddie.com/tiny-yolo |
Computer Vision Tools |
Object Detection |
DeepStream SDK |
NVIDIA's SDK for building high-performance object detection applications using AI. |
https://developer.nvidia.com/deepstream-sdk |
Computer Vision Tools |
Object Detection |
OpenVINO Toolkit |
Intel's toolkit for optimizing and deploying object detection models on edge devices. |
https://software.intel.com/openvino-toolkit |
Computer Vision Tools |
Object Detection |
Roboflow |
A platform for managing, annotating, and deploying object detection datasets and models. |
https://roboflow.com |
Computer Vision Tools |
Object Detection |
Supervisely |
A platform for annotating and training object detection models with a focus on computer vision tasks. |
https://supervise.ly |
Computer Vision Tools |
Object Detection |
Labelbox |
A data annotation platform for labeling images and videos for object detection tasks. |
https://labelbox.com |
Computer Vision Tools |
Object Detection |
CVAT (Computer Vision Annotation Tool) |
An open-source tool for annotating images and videos for object detection and other computer vision tasks. |
https://cvat.org |