Stars
基于pytorch的ocr算法库,包括 psenet, pan, dbnet, sast , crnn
Nvidia Semantic Segmentation monorepo
Text recognition (optical character recognition) with deep learning methods, ICCV 2019
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
pytorch tutorial for beginners
A collection of high-impact and state-of-the-art SR methods
Build keras models for 9 Tasks in AI-Benchmark: Object Detection: Mobile-v2, Inception-v3, Face Recognition: Inception-Resnet-v1, Super Resolution: SRCNN, VDSR, SRGAN, Resnet-12+GAN, and Semantic S…
Human segmentation models, training/inference code, and trained weights, implemented in PyTorch
UNet model with VGG11 encoder pre-trained on Kaggle Carvana dataset
The OCR approach is rephrased as Segmentation Transformer: https://arxiv.org/abs/1909.11065. This is an official implementation of semantic segmentation for HRNet. https://arxiv.org/abs/1908.07919
unet_keras use image Semantic segmentation
A concise code for training and evaluating Unet using tensorflow+keras
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
A brief tensorflow implementation about UNet.
This project is a tool to build CheXNet-like models, written in Keras.
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
ThunderGBM: Fast GBDTs and Random Forests on GPUs
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
FENGShuanglang / unet
Forked from zhixuhao/unetunet for image segmentation
Get started with Semantic Segmentation based on Keras, including FCN32/FCN8/SegNet/U-Net
Implementation of Segnet, FCN, UNet , PSPNet and other models in Keras.
Complete YOLO v3 TensorFlow implementation. Support training on your own dataset.
Minimal PyTorch implementation of YOLOv3
Full implementation of YOLOv3 in PyTorch
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
SNIPER / AutoFocus is an efficient multi-scale object detection training / inference algorithm
Keras implementation of yolo v3 object detection.