Pinned Repositories
3D-R2N2
Single/multi view image(s) to voxel reconstruction using a recurrent neural network
advanced_lane_detection
Advanced lane detection using computer vision
ATEC_Payment_Risk_Recognition_Competition
ATEC蚂蚁开发者大赛-风险大脑-支付风险识别
BackgroundSplit-OpenCV
This repository is the C++ Source Code of several algorithms of Extracting Background, which are based on OpenCV libraries after I learn about the theory of these algorithms(including Frame-Difference, Gauss-Background-Difference, ViBe algorithms).
bgslibrary
A background subtraction library
caffe
Caffe: a fast open framework for deep learning.
caffe-windows
Configure Caffe in one hour for Windows users.
DensePose
A real-time approach for mapping all human pixels of 2D RGB images to a 3D surface-based model of the body
resnet-in-tensorflow
Re-implement Kaiming He's deep residual networks in tensorflow. Can be trained with cifar10.
TensorFlowLaboratory
Research about Tensorflow
gitfenging's Repositories
gitfenging/TensorFlowLaboratory
Research about Tensorflow
gitfenging/advanced_lane_detection
Advanced lane detection using computer vision
gitfenging/BackgroundSplit-OpenCV
This repository is the C++ Source Code of several algorithms of Extracting Background, which are based on OpenCV libraries after I learn about the theory of these algorithms(including Frame-Difference, Gauss-Background-Difference, ViBe algorithms).
gitfenging/cnn-models
ImageNet pre-trained models with batch normalization for the Caffe framework
gitfenging/darknet_mobilenet
mobilenet 与darknet yolo
gitfenging/Densenet-Tensorflow
Simple Tensorflow implementation of "Densenet" using Cifar10, MNIST
gitfenging/DetectText
Detect text with stroke width transform.
gitfenging/GithubTrends
It's a GitHub Trending repositories Viewer with Material Design.
gitfenging/hello-tf
通过一个完整的训练,理解tensorflow运行机制,熟悉训练预处理文件过程以及如何使用训练好的数据
gitfenging/Inception-v4
Inception-v4, Inception - Resnet-v1 and v2 Architectures in Keras
gitfenging/kaggle
gitfenging/Keras-ImageNet
基于Keras预训练模型VGG16、ResNet50、InceptionV3,使用Python的HTTP框架Flask搭建图像识别接口
gitfenging/keras-transfer-learning-inception-resnetv2
Keras and tensorflow transfer learning, starting from the pre-trained inception_resnetV2 model
gitfenging/KITTI_SSD
SSD detection for KITTI
gitfenging/Lane-Detection
Using OpenCV to detect Lane lines on Roads
gitfenging/LaneTracking
Lane detection and tracking
gitfenging/notMNIST-to-MNIST
A sample of the notMNIST dataset in MNIST format so you can drop new data into your existing MNIST neural nets
gitfenging/opencv-lane-vehicle-track
OpenCV implementation of lane and vehicle tracking
gitfenging/opencv_vibe
基于opencv的Mat的前景检测Vibe算法的实现
gitfenging/SENet-Tensorflow
Simple Tensorflow implementation of "Squeeze and Excitation Networks" using Cifar10 (ResNeXt, Inception-v4, Inception-resnet-v2)
gitfenging/SymmetryDetection
图像对称性检测,基于VS2010+Opencv2.4.8实现,可用于其它计算机视觉领域
gitfenging/tensorflow-model-zoo.torch
InceptionV3, InceptionV4, Inception-Resnet pretrained models for Torch7 and PyTorch
gitfenging/Vehicle-Lane-Detection
gitfenging/VGG_tensorflow
VGGNet implemented by tensorflow
gitfenging/VIBE
Visual Background Extractor
gitfenging/vision_networks
Repo about neural networks for images handling
gitfenging/VPGNet
VPGNet: Vanishing Point Guided Network for Lane and Road Marking Detection and Recognition (ICCV 2017)