All Projects → shubham-shahh → Open-Source-Models

shubham-shahh / Open-Source-Models

Licence: MIT license
Address book for computer vision models.

Projects that are alternatives of or similar to Open-Source-Models

yolov4 trt ros
YOLOv4 object detector using TensorRT engine
Stars: ✭ 89 (+196.67%)
Mutual labels:  yolov3, yolov4, yolov4-tiny
Trainyourownyolo
Train a state-of-the-art yolov3 object detector from scratch!
Stars: ✭ 399 (+1230%)
Mutual labels:  detector, transfer-learning, yolov3
ScaledYOLOv4
Scaled-YOLOv4: Scaling Cross Stage Partial Network
Stars: ✭ 1,944 (+6380%)
Mutual labels:  yolov3, yolov4, yolov4-tiny
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+1330%)
Mutual labels:  transfer-learning, pretrained-models, pretrained-weights
Pytorch Yolov4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
Stars: ✭ 3,690 (+12200%)
Mutual labels:  yolov3, yolov4, yolov4-tiny
sparsezoo
Neural network model repository for highly sparse and sparse-quantized models with matching sparsification recipes
Stars: ✭ 264 (+780%)
Mutual labels:  transfer-learning, pretrained-models
ProteinLM
Protein Language Model
Stars: ✭ 76 (+153.33%)
Mutual labels:  transfer-learning, pretrained-models
object detection
Implementatoin of object detection using Tensorflow 2.1.0 | this can be use in a car for object detection
Stars: ✭ 13 (-56.67%)
Mutual labels:  transfer-learning, yolov3
Bert Keras
Keras implementation of BERT with pre-trained weights
Stars: ✭ 820 (+2633.33%)
Mutual labels:  transfer-learning, pretrained-models
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 (+50673.33%)
Mutual labels:  pretrained-models, pretrained-weights
finetuner
Finetuning any DNN for better embedding on neural search tasks
Stars: ✭ 442 (+1373.33%)
Mutual labels:  transfer-learning, pretrained-models
Farm
🏡 Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering.
Stars: ✭ 1,140 (+3700%)
Mutual labels:  transfer-learning, pretrained-models
udacity-cvnd-projects
My solutions to the projects assigned for the Udacity Computer Vision Nanodegree
Stars: ✭ 36 (+20%)
Mutual labels:  transfer-learning, yolov3
Yolov3 Object Detection With Opencv
This project implements a real-time image and video object detection classifier using pretrained yolov3 models.
Stars: ✭ 191 (+536.67%)
Mutual labels:  pretrained-models, yolov3
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+7916.67%)
Mutual labels:  pretrained-models, tensorflow2
ObjectNet
PyTorch implementation of "Pyramid Scene Parsing Network".
Stars: ✭ 15 (-50%)
Mutual labels:  transfer-learning, pretrained-models
Automated-Social-Distancing-Monitoring
automated social distancing monitoring system
Stars: ✭ 1 (-96.67%)
Mutual labels:  detector, yolov3
pytorch YOLO OpenVINO demo
No description or website provided.
Stars: ✭ 73 (+143.33%)
Mutual labels:  yolov3, yolov4
pose-estimation-3d-with-stereo-camera
This demo uses a deep neural network and two generic cameras to perform 3D pose estimation.
Stars: ✭ 40 (+33.33%)
Mutual labels:  pretrained-models, yolov3
Entity
EntitySeg Toolbox: Towards Open-World and High-Quality Image Segmentation
Stars: ✭ 313 (+943.33%)
Mutual labels:  pretrained-models, pretrained-weights

Open Source Models

Open Source Models is a archive for all the open source computer vision models. Training Computer Vision models is an arduous task which involves a series of strenuous tasks such as collecting the images, annotating them, uploading them on cloud(In case you don't have a rig with a beffy GPU) and training them for hours and hours (which also requires you to find a workaround so that the colab doesn't timeout). All the steps mentioned above are to be executed without making any error as a small oversight can lead to a model trained with faulty config file, incorrect annotations etc. Thanks to all the generous people in the field of computer vision which are doing all the above tasks and providing thier work to others as an open source project, so that not everyone has to reinvent neural networks and can focus on the actual task that has to be carried out with the model.

This archive consists of models with different architecture, accuracy, and framework in the same category as different use cases demand different types of model to achieve similar goals.

Contribution

This project cannot work without YOUR help. Everyone is encouraged to contribute to this project by listing the models they ha ve trained after spending endless time and efforts to train them, so that everyone in the community is aware about its existance and can use them for their purpose.

Format for contribution

  • Add the source links(blogs, github repo) to the model and all the supporting files in the respective category along with information such as, number of classe(s), name of classe(s), number of images used for training, type of network(detection, segmentation, classification) and if possible also include a performance metric.

  • You can also contribute to this project even if you haven't trained a model yet by testing the models already listed here and test it for performance, accuracy and report if the link is broken or the the file does not exist on the mentioned link.

  • If you are adding links from someone else's page you came across, please do not add direct links to the files(eg. google drive or dropbox) as they could be changed by the author.

Can't find the model here?

Incase, you aren't able to find a model in here that fits your requirement and planning to train your own model, You can checkout the Google Open Images Dataset. Here you can find annotated images that can be downloaded as per your convinience with OIDv4_ToolKit and use this fork in case you want the annotations that can be used to train a YOLO model.

If you cannot train a model for some reason, you can put up a request in the issues and see if someone can help you with that.

Models Archive

Table of contents

License plate detector

This section consists of link to models that has License plate or number plate as one of their classes.

  1. License plate detector

    • Model Architecture - YOLOv4
    • Dataset- Open Images Dataset
    • Number of training examples - 1500
    • Accuracy Metric - ([email protected]) = 88.57%
    • Number of classe(s) - 1
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  2. License plate detector + Character detection

    • Model Architecture - YOLO
    • Dataset- Dataset
    • Number of training examples - 1900
    • Accuracy Metric - NA
    • Number of classe(s) - 1
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  3. License plate detector along with type of the vehicle

    • Model Architecture - YOLOv3-tiny
    • Dataset- NA
    • Number of training examples - 1700+
    • Accuracy Metric - NA
    • Number of classe(s) - 10
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  4. License plate detector

    • Model Architecture - YOLOv3
    • Dataset- NA
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - 1
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  5. License plate detector

    • Model Architecture - YOLOv3
    • Dataset- Dataset avaliable for academic use only
    • Number of training examples - 3000+
    • Accuracy Metric - NA
    • Number of classe(s) - 1
    • Link to the model and supporting files - Model
    • Author Remarks - NA

Fire detector

This section consists of link to models that has fire as one of their classes.

  1. Fire detector

    • Model Architecture - YOLOv3
    • Dataset- Open Images Dataset
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - 1
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  2. Fire and fire arms detector

    • Model Architecture - YOLOv3
    • Dataset- NA
    • Number of training examples - NA
    • Accuracy Metric - details in paper
    • Number of classe(s) - 2
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  3. Fire detector

    • Model Architecture - YOLOv3
    • Dataset- FireNet
    • Number of training examples - 502 spilt into 2 parts, 412 for training 90 for validation
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  4. Fire and smoke detector

    • Model Architecture - YOLOv4
    • Dataset- NA
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  5. Fire detector

    • Model Architecture - InceptionV4-OnFire
    • Dataset- Durham Collections - Dunnings/Breckon, 2018
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA

Face detector

This section consists of link to models that has face as one of their classes.

  1. YOLO Face

    • Model Architecture - YOLOv3
    • Dataset- WIDER FACE: A Face Detection Benchmark
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  2. YOLO Face Keras

    • Model Architecture - YOLOv3
    • Dataset- WIDER FACE: A Face Detection Benchmark
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  3. Face detector

    • Model Architecture - YOLOv2-tiny
    • Dataset- WIDER FACE: A Face Detection Benchmark
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  4. Face detector

    • Model Architecture - YOLOv2
    • Dataset- FDDB+Dlib
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  5. Ultra light face detector

    • Model Architecture - Multiple models
    • Dataset- WIDER FACE: A Face Detection Benchmark
    • Number of training examples - NA
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA

Face Mask detector

This section consists of link to models that has face mask as one of their classes.

  1. Mask detector

    • Model Architecture - YOLOv3-tiny-prn
    • Dataset- Dataset
    • Number of training examples - 678
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  2. Mask detector

    • Model Architecture - YOLOv2, YOLOv3, YOLOv4
    • Dataset- Dataset
    • Number of training examples - 920
    • Accuracy Metric - Performance and accuracy
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  3. Mask detector

    • Model Architecture - YOLOv3
    • Dataset- Dataset
    • Number of training examples - 678
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA
  4. Mask detector

    • Model Architecture - YOLOv3
    • Dataset- NA
    • Number of training examples - 678
    • Accuracy Metric - NA
    • Number of classe(s) - NA
    • Link to the model and supporting files - Model
    • Author Remarks - NA

Drone Detection

This section consists of link to models that has Drone as one of their classes.

  1. D-Drone v2
    • Model Architectures - YOLOv4, YOLOv5 and DETR
    • Dataset- Custom Dataset
    • Number of training examples - 2000
    • Accuracy Metric - mAP, avg IOU
    • Number of classe(s) - 1
    • Link to the model and supporting files - Model
    • Author Remarks - Results can be used for benchmarking purposes.
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].