Pinned Repositories
adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
anet2016-cuhk
Action Recognition Toolbox for CUHKÐZ&SIAT submission to ActivityNet 2016
caffe-augmentation
Data Augmentation for Caffe
caffe-model
Caffe models (includimg classification, detection and segmentation) and deploy files for famouse networks
caffe-model-zoo
caffe pretrained models and prototxt
caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
CaffeMex_v2
Easily deploy multi-GPU caffe on Windows or Linux
deep-residual-networks
Deep Residual Learning for Image Recognition
Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
fanqiang
翻墙-科学上网
shiyang07's Repositories
shiyang07/anet2016-cuhk
Action Recognition Toolbox for CUHKÐZ&SIAT submission to ActivityNet 2016
shiyang07/caffe-model
Caffe models (includimg classification, detection and segmentation) and deploy files for famouse networks
shiyang07/caffe-model-zoo
caffe pretrained models and prototxt
shiyang07/caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
shiyang07/CaffeMex_v2
Easily deploy multi-GPU caffe on Windows or Linux
shiyang07/deep-residual-networks
Deep Residual Learning for Image Recognition
shiyang07/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
shiyang07/fanqiang
翻墙-科学上网
shiyang07/FCIS
Fully Convolutional Instance-aware Semantic Segmentation
shiyang07/Focal-Loss
Reproduction of Focal-loss on caffe
shiyang07/Focal-Loss-implement-on-Tensorflow
The implementation of focal loss proposed on "Focal Loss for Dense Object Detection" by KM He and support for multi-label dataset.
shiyang07/FocalLoss
Caffe implementation of FAIR paper "Focal Loss for Dense Object Detection" for SSD.
shiyang07/FW-Net
FW-Net for image denoising
shiyang07/image-segmentation-keras
Implementation of Segnet, FCN, UNet and other models in Keras.
shiyang07/manutdzou.github.io
shiyang07/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
shiyang07/mias-mammography
Analysis of MIAS and DDSM mammography datasets
shiyang07/models
Models and examples built with TensorFlow
shiyang07/mx-maskrcnn
An MXNet implementation of Mask R-CNN
shiyang07/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
shiyang07/py-R-FCN
R-FCN with joint training and python support
shiyang07/R2CNN_FPN_Tensorflow
R2CNN: Rotational Region CNN Based on FPN (Tensorflow)
shiyang07/raccoon_dataset
The dataset is used to train my own raccoon detector and I blogged about it on Medium
shiyang07/resnet-cifar10-caffe
ResNet 20 32 44 56 110 for CIFAR10 with caffe
shiyang07/sceneReco
ctpn+crnn Scene character recognition
shiyang07/temporal-segment-networks
Code & Models for Temporal Segment Networks (TSN) in ECCV 2016
shiyang07/tensorflow
Computation using data flow graphs for scalable machine learning
shiyang07/tf-faster-rcnn
Tensorflow Faster RCNN for Object Detection
shiyang07/thpp
TH++, C++ interface to the torch7 TH library
shiyang07/unet-keras
U-Net model for Keras