myDoraemon's Stars
ageitgey/face_recognition
The world's simplest facial recognition api for Python and the command line
JansonYuan/Pytorch-Camp
PaddleCV-SIG/EISeg
高效交互式语义分割标注软件EISeg 『Efficient and intelligent interactive segmentation annotation software』
yassouali/CCT
:page_facing_up: Semi-Supervised Semantic Segmentation with Cross-Consistency Training (CVPR 2020).
arogozhnikov/einops
Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
lhoyer/improving_segmentation_with_selfsupervised_depth
[CVPR21] Implementation of our work "Three Ways to Improve Semantic Segmentation with Self-Supervised Depth Estimation"
PaddlePaddle/PaddleSeg
Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.
PaddlePaddle/PaddleClas
A treasure chest for visual classification and recognition powered by PaddlePaddle
HiLab-git/SSL4MIS
Semi Supervised Learning for Medical Image Segmentation, a collection of literature reviews and code implementations.
facebookresearch/FixRes
This repository reproduces the results of the paper: "Fixing the train-test resolution discrepancy" https://arxiv.org/abs/1906.06423
NVIDIA/semantic-segmentation
Nvidia Semantic Segmentation monorepo
bermanmaxim/LovaszSoftmax
Code for the Lovász-Softmax loss (CVPR 2018)
bigmb/Unet-Segmentation-Pytorch-Nest-of-Unets
Implementation of different kinds of Unet Models for Image Segmentation - Unet , RCNN-Unet, Attention Unet, RCNN-Attention Unet, Nested Unet
qubvel-org/segmentation_models.pytorch
Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.
MrGiovanni/UNetPlusPlus
[IEEE TMI] Official Implementation for UNet++
zaytoun/scihub.py
Python API and command-line tool for Sci-Hub
aleju/imgaug
Image augmentation for machine learning experiments.
yassouali/pytorch-segmentation
:art: Semantic segmentation models, datasets and losses implemented in PyTorch.
ozan-oktay/Attention-Gated-Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
CTeX-org/lshort-zh-cn
A Chinese edition of the Not So Short Introduction to LaTeX2ε
mdbloice/Augmentor
Image augmentation library in Python for machine learning.
abreheret/PixelAnnotationTool
Annotate quickly images.
ShawnBIT/UNet-family
Paper and implementation of UNet-related model.
Redmalayantapir/Semantic_Segmentation_FCN
L1aoXingyu/code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
Greak-1124/GradCAM-and-GradCAMplus_plus
Based on pytoch, gradcam and gradcam + + are encapsulated into easy-to-use API, and some interesting tests are done with pre trained vgg16, alexnet, densenet 121, mobilenet, resnet18, squeezene. Interested friends can give a star, thank you.
facebookresearch/detr
End-to-End Object Detection with Transformers
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
jacobgil/keras-grad-cam
An implementation of Grad-CAM with keras
jacobgil/pytorch-grad-cam
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.