An open API service indexing awesome lists of open source software.

CV-pretrained-model

A collection of computer vision pre-trained models.
https://github.com/balavenkatesh3322/CV-pretrained-model

Last synced: 3 days ago
JSON representation

  • What is pre-trained Model?

  • Model Deployment library

    • Keras <a name="keras"/>

      • ResNet50 - team/keras-applications/master/LICENSE )
      • pix2pix - to-Image Translation with Conditional Adversarial Networks by Phillip Isola, Jun-Yan Zhu, Tinghui Zhou, Alexei A. | `Keras`| Not Found
      • Colorful Image colorization
      • Image analogies - analogies/master/LICENSE.txt )
      • Popular Image Segmentation Models - segmentation-keras/master/LICENSE )
      • Ultrasound nerve segmentation - nerve-segmentation/master/LICENSE.md )
      • DeepMask object segmentation - based Python implementation of DeepMask- a complex deep neural network for learning object segmentation masks. | `Keras`| Not Found
      • Monolingual and Multilingual Image Captioning - 3-Clause License]( https://raw.githubusercontent.com/elliottd/GroundedTranslation/master/LICENSE )
      • VGG16 - Scale Image Recognition. | `Keras`| [The MIT License (MIT)]( https://raw.githubusercontent.com/keras-team/keras-applications/master/LICENSE )
      • VGG19 - Scale Image Recognition. | `Keras`| [The MIT License (MIT)]( https://raw.githubusercontent.com/keras-team/keras-applications/master/LICENSE )
      • ResNet - team/keras-applications/master/LICENSE )
      • Nasnet - team/keras-applications/master/LICENSE )
      • MobileNet - team/keras-applications/master/LICENSE )
      • MobileNet V2 - team/keras-applications/master/LICENSE )
      • MobileNet V3 - team/keras-applications/master/LICENSE )
      • efficientnet - team/keras-applications/master/LICENSE )
      • CycleGAN - to-Image Translation using Cycle-Consistent Adversarial Networks_. | `Keras`| [MIT License]( https://raw.githubusercontent.com/eriklindernoren/Keras-GAN/master/LICENSE )
      • DualGAN - to-Image Translation_. | `Keras`| [MIT License]( https://raw.githubusercontent.com/eriklindernoren/Keras-GAN/master/LICENSE )
      • Super-Resolution GAN - Realistic Single Image Super-Resolution Using a Generative Adversarial Network_. | `Keras`| [MIT License]( https://raw.githubusercontent.com/eriklindernoren/Keras-GAN/master/LICENSE )
    • Tensorflow <a name="tensorflow"/>

      • ObjectDetection
      • MobileNet
      • DeepLab
      • Mask R-CNN
      • Faster-RCNN - a convnet for object detection with a region proposal network. | `Tensorflow`| [MIT License]( https://raw.githubusercontent.com/smallcorgi/Faster-RCNN_TF/master/LICENSE )
      • YOLO TensorFlow - Time Object Detection. | `Tensorflow`| [Custom]( https://raw.githubusercontent.com/gliese581gg/YOLO_tensorflow/master/LICENSE )
      • YOLO TensorFlow ++ - Time Object Detection', with training and an actual support for real-time running on mobile devices. | `Tensorflow`| [GNU GENERAL PUBLIC LICENSE]( https://raw.githubusercontent.com/thtrieu/darkflow/master/LICENSE )
      • Colornet
      • SRGAN - Realistic Single Image Super-Resolution Using a Generative Adversarial Network. | `Tensorflow`| Not Found
      • DeepOSM
      • Domain Transfer Network - Domain Image Generation. | `Tensorflow`| [MIT License]( https://raw.githubusercontent.com/yunjey/domain-transfer-network/master/LICENSE )
      • Show, Attend and Tell - attend-and-tell/master/LICENSE )
      • android-yolo - time object detection on Android using the YOLO network, powered by TensorFlow. | `Tensorflow`| [Apache License]( https://raw.githubusercontent.com/natanielruiz/android-yolo/master/LICENSE )
      • GAN-CLS
      • U-Net
      • Improved CycleGAN
      • DCSCN Super Resolution - Image Super-Resolution (SISR) model. | `Tensorflow`| Not Found
      • Im2txt - to-text neural network for image captioning. | `Tensorflow`| [Apache License]( https://raw.githubusercontent.com/tensorflow/models/master/LICENSE )
      • SLIM - Slim. | `Tensorflow`| [Apache License]( https://raw.githubusercontent.com/tensorflow/models/master/LICENSE )
      • DELF
      • Compression - trained Residual GRU network. | `Tensorflow`| [Apache License]( https://raw.githubusercontent.com/tensorflow/models/master/LICENSE )
      • AttentionOCR - world image text extraction. | `Tensorflow`| [Apache License]( https://raw.githubusercontent.com/tensorflow/models/master/LICENSE )
    • Model visualization

    • PyTorch <a name="pytorch"/>

      • detectron2 - of-the-art object detection algorithms | `PyTorch` | [Apache License 2.0](https://raw.githubusercontent.com/facebookresearch/detectron2/master/LICENSE)
      • FastPhotoStyle - form Solution to Photorealistic Image Stylization. | `PyTorch`| [Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International Public Licens]( https://raw.githubusercontent.com/NVIDIA/FastPhotoStyle/master/LICENSE.md )
      • pytorch-CycleGAN-and-pix2pix - form Solution to Photorealistic Image Stylization. | `PyTorch`| [BSD License]( https://raw.githubusercontent.com/junyanz/pytorch-CycleGAN-and-pix2pix/master/LICENSE )
      • maskrcnn-benchmark - benchmark/master/LICENSE )
      • deep-image-prior - image-prior/master/LICENSE )
      • StarGAN - Domain Image-to-Image Translation. | `PyTorch`| [MIT License]( https://raw.githubusercontent.com/yunjey/StarGAN/master/LICENSE )
      • faster-rcnn.pytorch - CNN implementation, aimed to accelerating the training of faster R-CNN object detection models. | `PyTorch`| [MIT License]( https://raw.githubusercontent.com/jwyang/faster-rcnn.pytorch/master/LICENSE )
      • pix2pixHD
      • Augmentor
      • albumentations - team/albumentations/master/LICENSE )
      • semantic-segmentation-pytorch - Clause License]( https://raw.githubusercontent.com/CSAILVision/semantic-segmentation-pytorch/master/LICENSE )
      • An End-to-End Trainable Neural Network for Image-based Sequence Recognition - based sequence recognition tasks, such as scene text recognition and OCR. | `PyTorch`| [The MIT License (MIT)]( https://raw.githubusercontent.com/bgshih/crnn/master/LICENSE )
      • UNIT - GAN algorithm for Unsupervised Image-to-Image Translation. | `PyTorch`| [Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International Public License]( https://raw.githubusercontent.com/mingyuliutw/UNIT/master/LICENSE.md )
      • Neural Sequence labeling model - of-speech (POS) tagging and word segmentation. | `PyTorch`| [Apache License]( https://raw.githubusercontent.com/jiesutd/NCRFpp/master/LICENCE )
      • faster rcnn - faster-rcnn and TFFRCNN. For details about R-CNN please refer to the paper Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks by Shaoqing Ren, Kaiming He, Ross Girshick, Jian Sun. | `PyTorch`| [MIT License]( https://raw.githubusercontent.com/longcw/faster_rcnn_pytorch/master/LICENSE )
      • pytorch-semantic-segmentation - semantic-segmentation/master/LICENSE )
      • image-classification-mobile - 1K. | `PyTorch`| [MIT License]( https://raw.githubusercontent.com/osmr/imgclsmob/master/LICENSE )
      • FaderNetworks - NIPS 2017. | `PyTorch`| [Creative Commons Attribution-NonCommercial 4.0 International Public License]( https://raw.githubusercontent.com/facebookresearch/FaderNetworks/master/LICENSE )
      • neuraltalk2-pytorch
      • RandWireNN
      • stackGAN-v2 - v2/master/LICENSE )
      • Detectron models for Object Detection - rocco/detectorch/master/LICENSE )
      • DEXTR-PyTorch - most, right-most, top, bottom pixels) as input to obtain precise object segmentation for images and videos. | `PyTorch`| [GNU GENERAL PUBLIC LICENSE]( https://raw.githubusercontent.com/scaelles/DEXTR-PyTorch/master/LICENSE )
      • pointnet.pytorch
      • self-critical.pytorch - critical Sequence Training for Image Captioning and Bottom-Up and Top-Down Attention for Image Captioning and Visual Question Answering. | `PyTorch`| [MIT License]( https://raw.githubusercontent.com/ruotianluo/self-critical.pytorch/master/LICENSE )
      • vnet.pytorch - Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation. | `PyTorch`| [BSD 3-Clause License]( https://raw.githubusercontent.com/mattmacy/vnet.pytorch/master/LICENSE )
      • piwise - wise segmentation on VOC2012 dataset using pytorch. | `PyTorch`| [BSD 3-Clause License]( https://raw.githubusercontent.com/bodokaiser/piwise/master/LICENSE.md )
      • pspnet-pytorch
      • pytorch-SRResNet - Realistic Single Image Super-Resolution Using a Generative Adversarial Network. | `PyTorch`| [The MIT License (MIT)]( https://raw.githubusercontent.com/twtygqyy/pytorch-SRResNet/master/LICENSE )
      • PNASNet.pytorch - 5 on ImageNet. | `PyTorch`| [Apache License]( https://raw.githubusercontent.com/chenxi116/PNASNet.pytorch/master/LICENSE )
      • img_classification_pk_pytorch - of-the-art models. | `PyTorch`| Not Found
      • Deep Neural Networks are Easily Fooled - cnn-adversarial-attacks/master/LICENSE )
      • pix2pix-pytorch - to-Image Translation Using Conditional Adversarial Networks". | `PyTorch`| Not Found
      • NVIDIA/semantic-segmentation - NC-SA 4.0 license]( https://raw.githubusercontent.com/NVIDIA/semantic-segmentation/master/LICENSE )
      • Neural-IMage-Assessment
      • torchxrayvision - ray (CXR) pathology predictions. Medical, Healthcare, Radiology | `PyTorch` | [Apache License]( https://raw.githubusercontent.com/mlmed/torchxrayvision/master/LICENSE ) |
      • pytorch-image-models - - (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more | `PyTorch` | [Apache License 2.0]( https://github.com/rwightman/pytorch-image-models/blob/master/LICENSE ) |
      • Deep Video Analytics
      • EDSR-PyTorch - Resolution'. | `PyTorch`| [MIT License]( https://raw.githubusercontent.com/thstkdgus35/EDSR-PyTorch/master/LICENSE )
    • Caffe <a name="caffe"/>

      • OpenPose - time multi-person system to jointly detect human body, hand, and facial keypoints (in total 130 keypoints) on single images. | `Caffe`| [Custom]( https://raw.githubusercontent.com/CMU-Perceptual-Computing-Lab/openpose/master/LICENSE )
      • Fully Convolutional Networks for Semantic Segmentation
      • Colorful Image Colorization - 2-Clause License]( https://raw.githubusercontent.com/richzhang/colorization/master/LICENSE )
      • R-FCN - FCN: Object Detection via Region-based Fully Convolutional Networks. | `Caffe`| [MIT License]( https://raw.githubusercontent.com/YuwenXiong/py-R-FCN/master/LICENSE )
      • cnn-vis - vis is an open-source tool that lets you use convolutional neural networks to generate images. | `Caffe`| [The MIT License (MIT)]( https://raw.githubusercontent.com/jcjohnson/cnn-vis/master/LICENSE )
      • DeconvNet
    • MXNet <a name="mxnet"/>

      • Faster RCNN - rcnn/master/LICENSE )
      • SSD - ssd/master/LICENSE )
      • Faster RCNN+Focal Loss
      • CNN-LSTM-CTC
      • Faster_RCNN_for_DOTA - scale Dataset for Object Detection in Aerial Images_. | `MXNet`| [Apache License]( https://raw.githubusercontent.com/jessemelpolio/Faster_RCNN_for_DOTA/master/LICENSE )
      • RetinaNet
      • MobileNetV2 - mobilenet-v2/master/LICENSE )
      • neuron-selectivity-transfer - implementation of the imagenet classification experiments in the paper _Like What You Like: Knowledge Distill via Neuron Selectivity Transfer_. | `MXNet`| [Apache License]( https://raw.githubusercontent.com/TuSimple/neuron-selectivity-transfer/master/LICENSE )
      • MobileNetV2
      • sparse-structure-selection - implementation of the imagenet classification experiments in the paper _Data-Driven Sparse Structure Selection for Deep Neural Networks_. | `MXNet`| [Apache License]( https://raw.githubusercontent.com/TuSimple/sparse-structure-selection/master/LICENSE )
  • Other Pre-trained Models