Pinned Repositories
3D-R2N2
Single/multi view image(s) to voxel reconstruction using a recurrent neural network
3Dpose_ssl
3D Human Pose Machines with Self-supervised Learning
AI_Challenger
AI Challenger, a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world.
AR-Source
Augmented reality (AR) development resources(增强现实开发资源汇总)
awesome_3DReconstruction_list
A curated list of papers & ressources linked to 3D reconstruction from images.
basicOCR
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
bayesgan
Tensorflow code for the Bayesian GAN (https://arxiv.org/abs/1705.09558) (NIPS 2017)
book
caffe
Caffe: a fast open framework for deep learning.
caffe-1
This fork of BVLC/Caffe is dedicated to improving performance of this deep learning framework when running on CPU, in particular Intel® Xeon processors (HSW+) and Intel® Xeon Phi processors
youngstu's Repositories
youngstu/3D-R2N2
Single/multi view image(s) to voxel reconstruction using a recurrent neural network
youngstu/bayesgan
Tensorflow code for the Bayesian GAN (https://arxiv.org/abs/1705.09558) (NIPS 2017)
youngstu/Coloring-greyscale-images-in-Keras
Coloring B&W portraits with neural networks.
youngstu/colorization
Automatic colorization using deep neural networks. "Colorful Image Colorization." In ECCV, 2016.
youngstu/CPM-conv-pose-machine
这是从CPM那篇文章的作者那边看了之后,自己写了个新的实现方式,目前还在训练中,不知道结果如何,希望大家给点建议
youngstu/CTPN
Detecting Text in Natural Image with Connectionist Text Proposal Network
youngstu/CycleGAN-TensorFlow
An implementation of CycleGan using TensorFlow
youngstu/deep-photo-styletransfer-tf
Tensorflow (Python API) implementation of Deep Photo Style Transfer
youngstu/deep_ocr
make a better chinese character recognition OCR than tesseract
youngstu/DenseNet-Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
youngstu/face_classification
Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.
youngstu/FastMaskRCNN
Mask RCNN in TensorFlow
youngstu/GANotebooks
wgan, wgan2(improved, gp), infogan, and dcgan implementation in lasagne, keras, pytorch
youngstu/git_test
youngstu/libfacedetection
A fast binary library for face detection and face landmark detection in images. The face detection speed can reach 1500FPS. You can use it free of charge with any purpose.
youngstu/lstm_ctc_ocr
Use CTC + tensorflow to OCR
youngstu/mx-maskrcnn
An MXNet implementation of Mask R-CNN
youngstu/neural-style-tf
TensorFlow (Python API) implementation of Neural Style
youngstu/neuraltalk2
Efficient Image Captioning code in Torch, runs on GPU
youngstu/openMVS
open Multi-View Stereo reconstruction library
youngstu/pais-mvs
Multi-view stereo image-based 3D reconstruction
youngstu/pix2pix-tensorflow
Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets https://phillipi.github.io/pix2pix/
youngstu/progressive_growing_of_gans
Progressive Growing of GANs for Improved Quality, Stability, and Variation
youngstu/pytorch-mobilenet-from-tf
Mobilenet model converted from tensorflow
youngstu/seq2seq
A general-purpose encoder-decoder framework for Tensorflow
youngstu/siggraph2016_colorization
Code for the paper 'Let there be Color!: Joint End-to-end Learning of Global and Local Image Priors for Automatic Image Colorization with Simultaneous Classification'.
youngstu/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
youngstu/SynthText
Code for generating synthetic text images as described in "Synthetic Data for Text Localisation in Natural Images", Ankush Gupta, Andrea Vedaldi, Andrew Zisserman, CVPR 2016.
youngstu/tf-faster-rcnn
Tensorflow Faster RCNN for Object Detection
youngstu/tf-pose-estimation
Openpose from CMU implemented using Tensorflow with Custom Architecture for fast inference.