Pinned Repositories
adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
Chinese_OCR_synthetic_data
The progress was used to generate synthetic dataset for Chinese OCR.
coco-text
COCO-Text API http://vision.cornell.edu/se3/coco-text/
coding-interview-university
A complete computer science study plan to become a software engineer.
CS-Notes
:books: Computer Science Learning Notes
daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
Fast-RCNN
My implementation of Fast-RCNN (tensorflow)
models
Models and examples built with TensorFlow
resnet-in-tensorflow
Re-implement Kaiming He's deep residual networks in tensorflow. Can be trained with cifar10.
lzc1994's Repositories
lzc1994/models
Models and examples built with TensorFlow
lzc1994/resnet-in-tensorflow
Re-implement Kaiming He's deep residual networks in tensorflow. Can be trained with cifar10.
lzc1994/adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
lzc1994/Chinese_OCR_synthetic_data
The progress was used to generate synthetic dataset for Chinese OCR.
lzc1994/coco-text
COCO-Text API http://vision.cornell.edu/se3/coco-text/
lzc1994/coding-interview-university
A complete computer science study plan to become a software engineer.
lzc1994/CS-Notes
:books: Computer Science Learning Notes
lzc1994/daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
lzc1994/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
lzc1994/Fast-RCNN
My implementation of Fast-RCNN (tensorflow)
lzc1994/git_learning
I am learning git and cpp
lzc1994/gossipnet
Non-maximum suppression for object detection in a neural network
lzc1994/Huawei-CodeCraft-2019
2019华为软件精英挑战赛,杭夏赛区-咕咕咕,决赛冠军
lzc1994/leetcode
LeetCode Problems' Solutions
lzc1994/light_head_rcnn
Light-Head R-CNN
lzc1994/liuzechuan.github.io
lzc1994/ML-Tutorial-Experiment
Coding the Machine Learning Tutorial for Learning to Learn
lzc1994/mobilenetv2-yolov3
use mobilenetv3 replace darknet53 for yolov3 detection
lzc1994/mtcnn
基于caffe的mtcnn训练实现,可以训练一个自己的有效的目标检测算法,非常容易非常简单,并且有配套的纯c++版本的mtcnn-light
lzc1994/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
lzc1994/PyramidBox
A Context-assisted Single Shot Face Detector in TensorFlow
lzc1994/shiftresnet-cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
lzc1994/siamfc-tf
State-of-the-art object tracking at high framerates, in TensorFlow.
lzc1994/tensorflow-yolo
tensorflow implementation of 'YOLO : Real-Time Object Detection'(train and test)
lzc1994/tensorflow-yolov3
Pure tensorflow Implement of YOLOv3 with support to train your own dataset
lzc1994/tensorflow_models_learning
tensorflow GoogleNet inception V1 V2 V3 V4
lzc1994/test
The firet time use github
lzc1994/tf-mobilenet-v2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
lzc1994/tianchi_lvcai
天池竞赛Baseline分享(2018广东工业智造大数据创新大赛——智能算法赛,线上0.921无调参)
lzc1994/train_cnn_v1
test