Pinned Repositories
adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
animeGAN
A simple PyTorch Implementation of Generative Adversarial Networks, focusing on anime face drawing.
apollo
An open autonomous driving platform
Awesome-Caffe
Awesome Caffe
caffe2
This is currently an experimental refactoring of Caffe.
DPNs
Dual Path Networks
notes-python
中文 Python 笔记
py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
ssd-windows
123chengbo's Repositories
123chengbo/DPNs
Dual Path Networks
123chengbo/apollo
An open autonomous driving platform
123chengbo/caffe-mobilenet
A caffe implementation of mobilenet's depthwise convolution layer.
123chengbo/Caffe-ShuffleNet
This is re-implementation of "ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices"
123chengbo/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
123chengbo/CornerNet
123chengbo/crnn_chinese_characters_rec
chinese characters recognition
123chengbo/deep_learning_object_detection
A paper list of object detection using deep learning.
123chengbo/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
123chengbo/Deformable-ConvNets
Deformable Convolutional Networks
123chengbo/DenseNet-Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
123chengbo/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
123chengbo/ExtremeNet
Bottom-up Object Detection by Grouping Extreme and Center Points
123chengbo/faceswap
Non official project based on original /r/Deepfakes thread. Many thanks to him!
123chengbo/llm.c
LLM training in simple, raw C/CUDA
123chengbo/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
123chengbo/ML-Tutorial-Experiment
Coding the Machine Learning Tutorial for Learning to Learn
123chengbo/mobile-deep-learning
This research aims at simply deploying CNN(Convolutional Neural Network) on mobile devices, with low complexity and high speed.
123chengbo/MobileNet-CoreML
The MobileNet neural network using Apple's new CoreML framework
123chengbo/mx-maskrcnn
A MXNet implementation of Mask R-CNN
123chengbo/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
123chengbo/nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
123chengbo/OpenBLAS
OpenBLAS is an optimized BLAS library based on GotoBLAS2 1.13 BSD version.
123chengbo/opencv
Open Source Computer Vision Library
123chengbo/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
123chengbo/SENet
Squeeze-and-Excitation Networks
123chengbo/ShuffleNet-An-Extremely-Efficient-CNN-for-Mobile-Devices-Caffe-Reimplementation
Caffe re-implementation of ShuffleNet [STILL UNDER TEST]
123chengbo/Stanford-CS-229-CN
A Chinese Translation of Stanford CS229 notes 斯坦福机器学习CS229课程讲义的中文翻译
123chengbo/tensor2tensor
A library for generalized sequence to sequence models
123chengbo/TensorFlow-Examples
TensorFlow Tutorial and Examples for beginners