Pinned Repositories
algo
数据结构和算法必知必会的50个代码实现
Attendance-using-Face
Face-recognition using Siamese network
Attention_Network_With_Keras
An example attention network with simple dataset.
autokeras
accessible AutoML for deep learning.
awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
benchmark_results
Visual Tracking Paper List
biometrics
fingerprint recognition, etc.
blog
一个简易的博客创建代码
darknet2caffe
Convert darknet weights to caffemodel
deep_learning_object_detection
A paper list of object detection using deep learning.
hellogiantman1989's Repositories
hellogiantman1989/biometrics
fingerprint recognition, etc.
hellogiantman1989/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
hellogiantman1989/Deep-Learning-21-Examples
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
hellogiantman1989/Deep-Learning-for-Medical-Applications
Deep Learning Papers on Medical Image Analysis
hellogiantman1989/deep.learning.diabetic.retinopathy
Simplified version implementation of "Development and Validation of a Deep Learning Algorithm for Detection of Diabetic Retinopathy in Retinal Fundus Photographs"
hellogiantman1989/deep_residual_unet
Keras implementation of Road Extraction by Deep Residual U-Net article
hellogiantman1989/deepLearningBook-Notes
Notes on the Deep Learning book from Ian Goodfellow, Yoshua Bengio and Aaron Courville (2016)
hellogiantman1989/DL-Project-Template
深度学习工程模板
hellogiantman1989/faceID_beta
An implementation of iPhone X's FaceID using face embeddings and siamese networks on RGBD images.
hellogiantman1989/faceit
A script to make it easy to swap faces in videos using the faceswap library, and YouTube videos.
hellogiantman1989/FastMaskRCNN
Mask RCNN in TensorFlow
hellogiantman1989/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015 and PAMI 2016.
hellogiantman1989/FCN.tensorflow
Tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation (http://fcn.berkeleyvision.org)
hellogiantman1989/hello-world
creating the first github repository.
hellogiantman1989/hub
A library for transfer learning by reusing parts of TensorFlow models.
hellogiantman1989/image-segmentation-keras
Implementation of Segnet, FCN, UNet and other models in Keras.
hellogiantman1989/Learning-Rate
Implementation of Learning Rate Finder, SGDR and Cyclical Learning Rate in Keras
hellogiantman1989/Learning-to-See-in-the-Dark
hellogiantman1989/ML-Tutorial-Experiment
Coding the Machine Learning Tutorial for Learning to Learn
hellogiantman1989/MLND-Capstone
Lane Detection with Deep Learning - My Capstone project for Udacity's ML Nanodegree
hellogiantman1989/Pix2Depth
Depth Map Estimation from Monocular Images
hellogiantman1989/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
hellogiantman1989/pytorch-pose-hg-3d
PyTorch implementation for 3D human pose estimation
hellogiantman1989/PyTorchZeroToAll
Simple PyTorch Tutorials Zero to ALL!
hellogiantman1989/shadowsocks
shadowsocks.wiki
hellogiantman1989/slambook
hellogiantman1989/ssd_tensorflow_traffic_sign_detection
基于ssd的交通标志检测
hellogiantman1989/tensorflow-zh
谷歌全新开源人工智能系统TensorFlow官方文档中文版
hellogiantman1989/YOLO_v3_tutorial_from_scratch
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
hellogiantman1989/YOLOv3
Keras implementation of yolo v3 object detection.