All Projects → codecat0 → CV

codecat0 / CV

Licence: other
本仓库将使用Pytorch框架实现经典的图像分类网络、目标检测网络、图像分割网络,图像生成网络等,并会持续更新!!!

Programming Languages

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

Projects that are alternatives of or similar to CV

Albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
Stars: ✭ 9,353 (+12890.28%)
Mutual labels:  image-classification, image-augmentation
serving-pytorch-models
Serving PyTorch models with TorchServe 🔥
Stars: ✭ 91 (+26.39%)
Mutual labels:  image-classification
mybabe
MyBB CAPTCHA Solver using Convolutional Neural Network in Keras
Stars: ✭ 18 (-75%)
Mutual labels:  image-classification
UniFormer
[ICLR2022] official implementation of UniFormer
Stars: ✭ 574 (+697.22%)
Mutual labels:  image-classification
TensorFlow-Multiclass-Image-Classification-using-CNN-s
Balanced Multiclass Image Classification with TensorFlow on Python.
Stars: ✭ 57 (-20.83%)
Mutual labels:  image-classification
jpetstore-kubernetes
Modernize and Extend: JPetStore on IBM Cloud Kubernetes Service
Stars: ✭ 21 (-70.83%)
Mutual labels:  image-classification
Image-Classification
Pre-trained VGG-Net Model for image classification using tensorflow
Stars: ✭ 29 (-59.72%)
Mutual labels:  image-classification
catacomb
The simplest machine learning library for launching UIs, running evaluations, and comparing model performance.
Stars: ✭ 13 (-81.94%)
Mutual labels:  image-classification
Paper-Notes
Paper notes in deep learning/machine learning and computer vision
Stars: ✭ 37 (-48.61%)
Mutual labels:  image-classification
MixNet-PyTorch
Concise, Modular, Human-friendly PyTorch implementation of MixNet with Pre-trained Weights.
Stars: ✭ 16 (-77.78%)
Mutual labels:  image-classification
Image-Rotation-and-Cropping-tensorflow
Image rotation and cropping out the black borders in TensorFlow
Stars: ✭ 14 (-80.56%)
Mutual labels:  image-augmentation
KerasUI
UI for Keras to implement image classification written in python and django
Stars: ✭ 40 (-44.44%)
Mutual labels:  image-classification
sinkhorn-label-allocation
Sinkhorn Label Allocation is a label assignment method for semi-supervised self-training algorithms. The SLA algorithm is described in full in this ICML 2021 paper: https://arxiv.org/abs/2102.08622.
Stars: ✭ 49 (-31.94%)
Mutual labels:  image-classification
subwAI
Scripts for training an AI to play the endless runner Subway Surfers using a supervised machine learning approach by imitation and a convolutional neural network (CNN) for image classification
Stars: ✭ 86 (+19.44%)
Mutual labels:  image-classification
Tensorflow-Dog-Breed-Classifier
Tensorflow Image classifier that can predict the breed of a dog from it photo. Trained on image dataset of 5 different breed of dogs (rottweiler, bulldog, pug, german shepherds, labrador). Interestingly the classifier was able to predict the breed of the dogs even from images of their toys.
Stars: ✭ 14 (-80.56%)
Mutual labels:  image-classification
aitlas
AiTLAS implements state-of-the-art AI methods for exploratory and predictive analysis of satellite images.
Stars: ✭ 134 (+86.11%)
Mutual labels:  image-classification
imannotate
Image annotation tool to make Machine Learning or others stuffs
Stars: ✭ 44 (-38.89%)
Mutual labels:  image-classification
Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (-34.72%)
Mutual labels:  image-classification
Maix-LogoClassifier
A simple logo classifier developed using Maixduino framework and PlatfomIO, to run on K210 MCU on Sipeed's Maix dev board.
Stars: ✭ 25 (-65.28%)
Mutual labels:  image-classification
tensorflow-classification
A unified program to check predictions of different convolutional neural networks for image classification.
Stars: ✭ 68 (-5.56%)
Mutual labels:  image-classification

CVers 集合!!!

Image Classification

1. AlexNet

2. VGGNet

3. GoogLeNet

4. ResNet

5. DenseNet

6. MobileNet系列

6.1 MobileNet V1

6.2 MobileNet V2

6.3 MobileNet V3

7. ShuffleNet系列

7.1 ShuffleNet V1

7.2 ShuffleNet V2

8. GhostNet

Object Detection

1. R-CNN

2. Fast R-CNN

3. Faster R-CNN

4. SSD

5. YOLO系列

5.1 YOLOV1

5.2 YOLOV2

5.3 YOLOV3

5.3 YOLOV4

6. FPN

7. Mask R-CNN

  • 论文地址
  • 论文详解
  • 模型代码

Semantic Segmentation

1. DeepLab系列

  • 论文地址
  • 论文详解
  • 模型代码

2. U-Net

3. FCN

4. RCF

  • 论文地址
  • 论文详解
  • 模型代码

5. SegNet

6. PSPNet

Generative Models

1. AutoEncoder

  • 论文地址
  • 论文详解
  • 模型代码

2. VAE

  • 论文地址
  • 论文详解
  • 模型代码

3. GAN

  • 论文地址
  • 论文详解
  • 模型代码

4. DCGAN

  • 论文地址
  • 论文详解
  • 模型代码

5. CycleGAN

  • 论文地址
  • 论文详解
  • 模型代码

6. WGAN

  • 论文地址
  • 论文详解
  • 模型代码

7. StyleGAN

  • 论文地址
  • 论文详解
  • 模型代码
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].