codermckee's Stars
scutan90/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
soumith/ganhacks
starter from "How to Train a GAN?" at NIPS2016
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
apachecn/pytorch-doc-zh
Pytorch 中文文档
msracver/Deformable-ConvNets
Deformable Convolutional Networks
mapillary/OpenSfM
Open source Structure-from-Motion pipeline
openai/glow
Code for reproducing results in "Glow: Generative Flow with Invertible 1x1 Convolutions"
Cartucho/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
jfzhang95/pytorch-deeplab-xception
DeepLab v3+ model in PyTorch. Support different backbones.
roytseng-tw/Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
LiyuanLucasLiu/RAdam
On the Variance of the Adaptive Learning Rate and Beyond
zijundeng/pytorch-semantic-segmentation
PyTorch for Semantic Segmentation
Qidian213/deep_sort_yolov3
Real-time Multi-person tracker using YOLO v3 and deep_sort with tensorflow
torchgan/torchgan
Research Framework for easy and efficient training of GANs based on Pytorch
mapillary/inplace_abn
In-Place Activated BatchNorm for Memory-Optimized Training of DNNs
openseg-group/OCNet.pytorch
Please choose the openseg.pytorch project for the updated code that achieve SOTA on 6 benchmarks!
fregu856/deeplabv3
PyTorch implementation of DeepLabV3, trained on the Cityscapes dataset.
4uiiurz1/pytorch-deform-conv-v2
PyTorch implementation of Deformable ConvNets v2 (Modulated Deformable Convolution)
linksense/LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
zlckanata/DeepGlobe-Road-Extraction-Challenge
D-LinkNet: LinkNet with Pretrained Encoder and Dilated Convolution for High Resolution Satellite Imagery Road Extraction
YudeWang/deeplabv3plus-pytorch
Here is a pytorch implementation of deeplabv3+ supporting ResNet(79.155%) and Xception(79.945%). Multi-scale & flip test and COCO dataset interface has been finished.
StacyYang/gluoncv-torch
PyTorch API for GluonCV Models
ppengtang/pcl.pytorch
PyTorch codes for our papers "Multiple Instance Detection Network with Online Instance Classifier Refinement" and "PCL: Proposal Cluster Learning for Weakly Supervised Object Detection".
eveningglow/multi-object-tracker
Multiple objects tracker using openCV and dlib
hq-jiang/instance-segmentation-with-discriminative-loss-tensorflow
Tensorflow implementation of "Semantic Instance Segmentation with a Discriminative Loss Function"
akanazawa/vgan
Code for image generation of Variational Discriminator Bottleneck: Improving Imitation Learning, Inverse RL, and GANs by Constraining Information Flow
lyp-deeplearning/deep_sort_yolov3
yolo做行人检测+deep-sort做匹配,端对端做多目标跟踪
kashif/tf-keras-tutorial
tf.keras + tf.data with Eager Execution
alisure-ml/Semantic-Segmentation-PSPNet
PSPNet in tensorflow