Pinned Repositories
Calc_receptive_field
a script to calculate the receptive field size and its center position of the first output feature(top-left) in different feature maps
deep_learning_object_detection
A paper list of object detection using deep learning.
FaceDetection-DSFD
MobileFaceNet_TF
Tensorflow implementation for MobileFaceNet
MTCNN-tf-reproduce
an implementation of MTCNN using Tensorflow
Notes_of_train_faster_rcnn_on_voc
Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
pytorch-CycleGAN-and-pix2pix
Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more)
pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
pytorch-ssd
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
Michael3444's Repositories
Michael3444/Calc_receptive_field
a script to calculate the receptive field size and its center position of the first output feature(top-left) in different feature maps
Michael3444/Notes_of_train_faster_rcnn_on_voc
Michael3444/deep_learning_object_detection
A paper list of object detection using deep learning.
Michael3444/FaceDetection-DSFD
Michael3444/MobileFaceNet_TF
Tensorflow implementation for MobileFaceNet
Michael3444/MTCNN-tf-reproduce
an implementation of MTCNN using Tensorflow
Michael3444/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
Michael3444/pytorch-CycleGAN-and-pix2pix
Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more)
Michael3444/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
Michael3444/pytorch-ssd
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
Michael3444/PytorchConverter
Pytorch model to caffe & ncnn
Michael3444/README
README文件语法解读,即Github Flavored Markdown语法介绍
Michael3444/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
Michael3444/wider-face-pascal-voc-annotations
WIDER FACE annotations converted to the Pascal VOC XML format
Michael3444/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS