Pinned Repositories
100-Days-Of-ML-Code
100 Days of ML Coding
AlphaPose
Real-Time Multi-Person Pose Estimation System
arxiv-daily
arxiv daily
attention-transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
autokeras
accessible AutoML for deep learning.
Awesome-Learning-with-Label-Noise
A curated list of resources for Learning with Noisy Labels
bert
TensorFlow code and pre-trained models for BERT
caffe
Caffe: a fast open framework for deep learning.
caffe-tensorflow
Caffe models in TensorFlow
tensorflow-generative-model-collections
Collection of generative models in Tensorflow
hwenjun18's Repositories
hwenjun18/tensorflow-generative-model-collections
Collection of generative models in Tensorflow
hwenjun18/AlphaPose
Real-Time Multi-Person Pose Estimation System
hwenjun18/attention-transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
hwenjun18/cascade-rcnn
Caffe implementation of multiple popular object detection frameworks
hwenjun18/CondenseNet
CondenseNet: Light weighted CNN for mobile devices
hwenjun18/convolutional-pose-machines-release
Code repository for Convolutional Pose Machines, CVPR'16
hwenjun18/CycleGAN-tensorflow
Tensorflow implementation for learning an image-to-image translation without input-output pairs. https://arxiv.org/pdf/1703.10593.pdf
hwenjun18/FeatherCNN
FeatherCNN is a high performance inference engine for convolutional neural networks.
hwenjun18/GBDT
A simple GBDT in Python
hwenjun18/handtracking
Building a Real-time Hand-Detector using Neural Networks (SSD) on Tensorflow
hwenjun18/improved_wgan_training
Code for reproducing experiments in "Improved Training of Wasserstein GANs"
hwenjun18/keras-retinanet
Keras implementation of RetinaNet object detection.
hwenjun18/knowledge-distillation-pytorch
A PyTorch implementation for exploring deep and shallow knowledge distillation (KD) experiments with flexibility
hwenjun18/light_head_rcnn
Light-Head R-CNN
hwenjun18/LightGBM
A fast, distributed, high performance gradient boosting (GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks. It is under the umbrella of the DMTK(http://github.com/microsoft/dmtk) project of Microsoft.
hwenjun18/mace
MACE is a deep learning inference framework optimized for mobile heterogeneous computing platforms.
hwenjun18/mixture-of-experts
Mixture of experts layers for Keras
hwenjun18/MnasNet-caffe
A caffe implementation of Mnasnet: MnasNet: Platform-Aware Neural Architecture Search for Mobile.
hwenjun18/models
Models and examples built with TensorFlow
hwenjun18/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
hwenjun18/openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, and hands estimation
hwenjun18/RefineDet
Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018
hwenjun18/Reinforcement-Learning-Notebooks
A collection of Reinforcement Learning algorithms from Sutton and Barto's book and other research papers implemented in Python.
hwenjun18/resnet-18-tensorflow
ResNet-18 TensorFlow Implementation including conversion of torch .t7 weights into tensorflow ckpt
hwenjun18/seglink
An Implementation of the seglink alogrithm in paper Detecting Oriented Text in Natural Images by Linking Segments
hwenjun18/ShuffleNet-1g8-Pytorch
Model shared. Top1:67.408/Top5:87.258
hwenjun18/shufflenet-v2-tensorflow
a lightweight convolutional neural network
hwenjun18/ShuffleNet_V2_pytorch_caffe
ShuffleNet-V2 for both PyTorch and Caffe.
hwenjun18/tensorflow-tutorial
Example TensorFlow codes and Caicloud TensorFlow as a Service dev environment.
hwenjun18/xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Flink and DataFlow