Pinned Repositories
alexnet_mod_1
AlexNet with tensorflow for cifar10 dataset
annotator
Annotation tools for the web. Select text, images, or (nearly) anything else, and add your notes.
caffe-model
Caffe models (includimg classification, detection and segmentation) and deploy files for famouse networks
caffe-tensorflow
Caffe models in TensorFlow
CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in Hinton's paper Dynamic Routing Between Capsules
CLRS
:notebook:Solutions to Introduction to Algorithms
Cutout
2.56%, 15.20%, 1.30% on CIFAR10, CIFAR100, and SVHN https://arxiv.org/abs/1708.04552
CVPR-2017-Abstracts-Collection
Collection of CVPR 2017, including titles, links, authors, abstracts and my own comments
Deep-Compression-AlexNet
Deep Compression on AlexNet
DeepAlignmentNetwork
A deep neural network for face alignment
jianghuairong's Repositories
jianghuairong/alexnet_mod_1
AlexNet with tensorflow for cifar10 dataset
jianghuairong/annotator
Annotation tools for the web. Select text, images, or (nearly) anything else, and add your notes.
jianghuairong/caffe-tensorflow
Caffe models in TensorFlow
jianghuairong/CLRS
:notebook:Solutions to Introduction to Algorithms
jianghuairong/CVPR-2017-Abstracts-Collection
Collection of CVPR 2017, including titles, links, authors, abstracts and my own comments
jianghuairong/deform-conv
Deformable Convolution in TensorFlow / Keras
jianghuairong/Deformable-ConvNets
Deformable Convolutional Networks
jianghuairong/DenseNet-Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
jianghuairong/dilation-keras
Multi-Scale Context Aggregation by Dilated Convolutions in Keras.
jianghuairong/dilation-tensorflow
A native Tensorflow implementation of semantic segmentation according to Multi-Scale Context Aggregation by Dilated Convolutions (2016). Optionally uses the pretrained weights by the authors.
jianghuairong/DPNs
Dual Path Networks
jianghuairong/end-to-end-for-chinese-plate-recognition
多标签分类,端到端的中文车牌识别基于mxnet, End-to-End Chinese plate recognition base on mxnet
jianghuairong/FaceRecognition
A complete solution for faceDetection,Facealignment,and faceRecogniton using MTCNN and Center Loss under the Caffe framework
jianghuairong/Hard-Aware-Deeply-Cascaed-Embedding
source code for the paper "Hard-Aware-Deeply-Cascaed-Embedding"
jianghuairong/LargeMargin_Softmax_Loss
Implementation for <Large-Margin Softmax Loss for Convolutional Neural Networks> in ICML'16
jianghuairong/MobileNet-Caffe
Caffe Implementation of Google's MobileNets
jianghuairong/MSSRNet
release code for ICIP2017 paper "Single Image Super-resolution with Dilated Convolution based Multi-scale Information Learning Inception Module"
jianghuairong/mxnet-face
Using mxnet for face-related algorithm.
jianghuairong/MXNet-Learning-Note
MXNet中文学习笔记
jianghuairong/myCaffe
my experience of caffe
jianghuairong/PRMLT
Matlab code for algorithms in PRML book
jianghuairong/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
jianghuairong/python
jianghuairong/Python-1
All Algorithms implemented in Python
jianghuairong/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
jianghuairong/residual-attention-network
Residual Attention Network for Image Classification
jianghuairong/spark-ml-source-analysis
spark ml 算法原理剖析以及具体的源码实现分析
jianghuairong/tensorflow
图解tensorflow 源码
jianghuairong/triplet
Re-implementation of tripletloss function in FaceNet
jianghuairong/word2vec
Python interface to Google word2vec