All Projects → Adeel-Intizar → Xtreme-Vision

Adeel-Intizar / Xtreme-Vision

Licence: MIT license
A High Level Python Library to empower students, developers to build applications and systems enabled with computer vision capabilities.

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Xtreme-Vision

simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+258.44%)
Mutual labels:  resnet, retinanet, centernet, yolov4
Resnetcam Keras
Keras implementation of a ResNet-CAM model
Stars: ✭ 269 (+249.35%)
Mutual labels:  resnet, keras-tensorflow
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+923.38%)
Mutual labels:  resnet, keras-tensorflow
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (+777.92%)
Mutual labels:  resnet, keras-tensorflow
LibtorchTutorials
This is a code repository for pytorch c++ (or libtorch) tutorial.
Stars: ✭ 463 (+501.3%)
Mutual labels:  resnet, yolov4
awesome-computer-vision-models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 419 (+444.16%)
Mutual labels:  resnet, semantic-segmentation
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+4542.86%)
Mutual labels:  resnet, keras-tensorflow
Paz
Hierarchical perception library in Python for pose estimation, object detection, instance segmentation, keypoint estimation, face recognition, etc.
Stars: ✭ 131 (+70.13%)
Mutual labels:  semantic-segmentation, instance-segmentation
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-36.36%)
Mutual labels:  resnet, semantic-segmentation
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+1384.42%)
Mutual labels:  resnet, semantic-segmentation
Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+4388.31%)
Mutual labels:  resnet, yolov4
Asis
Associatively Segmenting Instances and Semantics in Point Clouds, CVPR 2019
Stars: ✭ 228 (+196.1%)
Mutual labels:  semantic-segmentation, instance-segmentation
Keras Unet
Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks
Stars: ✭ 196 (+154.55%)
Mutual labels:  semantic-segmentation, keras-tensorflow
dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Stars: ✭ 20 (-74.03%)
Mutual labels:  artificial-neural-networks, keras-tensorflow
Instance Segmentation With Discriminative Loss Tensorflow
Tensorflow implementation of "Semantic Instance Segmentation with a Discriminative Loss Function"
Stars: ✭ 158 (+105.19%)
Mutual labels:  semantic-segmentation, instance-segmentation
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (+261.04%)
Mutual labels:  resnet, semantic-segmentation
Unet
Generic U-Net Tensorflow 2 implementation for semantic segmentation
Stars: ✭ 100 (+29.87%)
Mutual labels:  semantic-segmentation, keras-tensorflow
Semanticsegpapercollection
Stars: ✭ 102 (+32.47%)
Mutual labels:  semantic-segmentation, instance-segmentation
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-36.36%)
Mutual labels:  resnet, semantic-segmentation
Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
Stars: ✭ 76 (-1.3%)
Mutual labels:  artificial-neural-networks, keras-tensorflow

Xtreme-Vision

Build Status License: MIT

Go to PyPI page> Here

This is the Official Repository of Xtreme-Vision. Xtreme-Vision is a High Level Python Library which is built with simplicity in mind for Computer Vision Tasks, such as Object-Detection, Human-Pose-Estimation, Segmentation Tasks, it provides the support of a list of state-of-the-art algorithms, You can Start Detecting with Pretrained Weights as well as You can train the Models On Custom Dataset and with Xtreme-Vision you have the Power to detect/segment only the Objects of your interest

Currently, It Provides the Solution for the following Tasks:

  • Object Detection
  • Pose Estimation
  • Object Segmentation
  • Human Part Segmentation

For Detection with pre-trained models it provides:

  • RetinaNet
  • CenterNet
  • YOLOv4
  • TinyYOLOv4
  • Mask-RCNN
  • DeepLabv3+ (Ade20k)
  • CDCL (Cross Domain Complementary Learning)

For Custom Training It Provides:

  • YOLOv4
  • TinyYOLOv4
  • RetinaNet with (resnet50, resnet101, resnet152)

If You Like this Project, Sponser it here Build Status

Dependencies:

  • tensorflow >= 2.3.0
  • keras
  • opencv-python
  • numpy
  • pillow
  • matplotlib
  • pandas
  • scikit-learn
  • scikit-image
  • imgaug
  • labelme2coco
  • progressbar2
  • scipy
  • h5py
  • configobj

Get Started:

!pip install xtreme-vision

For More Tutorials of Xtreme-Vision, Click Here

YOLOv4 Example

Image Object Detection Using YOLOv4

from xtreme_vision.Detection import Object_Detection

model = Object_Detection()
model.Use_YOLOv4()
model.Detect_From_Image(input_path='kite.jpg',
                        output_path='./output.jpg')

from PIL import Image
Image.open('output.jpg')
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].