moonsonK's Stars
bubbliiiing/yolov4-tiny-keras
这是一个YoloV4-tiny-keras的源码,可以用于训练自己的模型。
HiLab-git/SSL4MIS
Semi Supervised Learning for Medical Image Segmentation, a collection of literature reviews and code implementations.
chineseocr/chineseocr
yolo3+ocr
david8862/keras-YOLOv3-model-set
end-to-end YOLOv4/v3/v2 object detection pipeline, implemented on tf.keras with different technologies
SunnerLi/GANomaly2D
The Extended Version of GANomaly with Spatial Clue
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
lilipads/gradient_descent_viz
interactive visualization of 5 popular gradient descent methods with step-by-step illustration and hyperparameter tuning UI
plutoyuxie/Anomaly-Segmentation-in-a-teacher-guide-student-manner
plutoyuxie/AutoEncoder-SSIM-for-unsupervised-anomaly-detection-
Improving Unsupervised Defect Segmentation by Applying Structural Similarity to Autoencoders
AgaMiko/data-augmentation-review
List of useful data augmentation resources. You will find here some not common techniques, libraries, links to GitHub repos, papers, and others.
dbolya/tide
A General Toolbox for Identifying Object Detection Errors
szad670401/end-to-end-for-chinese-plate-recognition
多标签分类,端到端的中文车牌识别基于mxnet, End-to-End Chinese plate recognition base on mxnet
baidu88vip/Keras-DIOU-YOLOv3
Keras上700行代码复现YOLOv3!使用DIOU loss。支持将模型导出为pytorch模型!
tkwoo/anogan-keras
Unsupervised anomaly detection with generative model, keras implementation
google/automl
Google Brain AutoML
SystemErrorWang/White-box-Cartoonization
Official tensorflow implementation for CVPR2020 paper “Learning to Cartoonize Using White-box Cartoon Representations”
divamgupta/image-segmentation-keras
Implementation of Segnet, FCN, UNet , PSPNet and other models in Keras.
qubvel/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
pprp/SimpleCVReproduction
Replication of simple CV Projects including attention, classification, detection, keypoint detection, etc.
ChenYingpeng/caffe-yolov3
A real-time object detection framework of Yolov3/v4 based on caffe
zombie0117/yolov3-tiny-onnx-TensorRT
convert your yolov3-tiny model to trt model
BBuf/yolov3-tiny-onnx-TensorRT
YOLOV3-Tiny TensorRT6.0 13个类别
amir-abdi/keras_to_tensorflow
General code to convert a trained keras model into an inference tensorflow model
pprp/voc2007_for_yolo_torch
:punch: Prepare VOC format datasets for ultralytics/yolov3 & yolov5
eriklindernoren/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
raghakot/keras-resnet
Residual networks implementation using Keras-1.0 functional API
gpleiss/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
NVIDIA/DeepLearningExamples
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.
ShusenTang/Deep-Learning-with-PyTorch-Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
sgrvinod/a-PyTorch-Tutorial-to-Object-Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection