Pinned Repositories
apollo
An open autonomous driving platform
awesome-lane-detection
A paper list of lane detection.
awesome-public-datasets
A topic-centric list of HQ open datasets. PR ☛☛☛
bootstrap
The most popular HTML, CSS, and JavaScript framework for developing responsive, mobile first projects on the web.
byteps
A high performance and general PS framework for distributed training
CarND-LaneLines-P1
Lane Finding Project for Self-Driving Car ND
CarND-TensorFlow-Lab
TensorFlow Lab for Self-Driving Car ND
mobilenetv3-yolov3
An experiment of transferring backbone of yolov3 into mobilenetv3
yolov3-channel-and-layer-pruning
yolov3 yolov4 channel and layer pruning, Knowledge Distillation 层剪枝,通道剪枝,知识蒸馏
YOLOv3-model-pruning
对 YOLOv3 做模型剪枝(network slimming),对于 oxford hand 数据集(因项目需要),模型剪枝后的参数量减少 80%,Infer 的速度达到原来 2 倍,mAP 基本不变
tanluren's Repositories
tanluren/yolov3-channel-and-layer-pruning
yolov3 yolov4 channel and layer pruning, Knowledge Distillation 层剪枝,通道剪枝,知识蒸馏
tanluren/mobilenetv3-yolov3
An experiment of transferring backbone of yolov3 into mobilenetv3
tanluren/YOLOv3-model-pruning
对 YOLOv3 做模型剪枝(network slimming),对于 oxford hand 数据集(因项目需要),模型剪枝后的参数量减少 80%,Infer 的速度达到原来 2 倍,mAP 基本不变
tanluren/awesome-public-datasets
A topic-centric list of HQ open datasets. PR ☛☛☛
tanluren/byteps
A high performance and general PS framework for distributed training
tanluren/centerNet-deep-sort
multi-people tracking (centerNet based person detector + deep sort algorithm with pytorch)
tanluren/chineseocr
yolo3+ocr
tanluren/cocoapi
COCO API - Dataset @ http://cocodataset.org/
tanluren/darknet
Convolutional Neural Networks
tanluren/Grid-R-CNN
tanluren/hub
A library for transfer learning by reusing parts of TensorFlow models.
tanluren/imgclsmob
Sandbox for training convolutional networks for computer vision
tanluren/keras-surgeon
Pruning and other network surgery for trained Keras models.
tanluren/labelme
Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).
tanluren/learnopencv
Learn OpenCV : C++ and Python Examples
tanluren/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
tanluren/mmdetection
Open MMLab Detection Toolbox and Benchmark
tanluren/MobileNetV2
A Keras implementation of MobileNetV2.
tanluren/MobileNetV3
A Keras implementation of MobileNetV3.
tanluren/NAS-Projects
11 neural architecture search (NAS) algorithms implemented in PyTorch.
tanluren/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
tanluren/netron
Visualizer for deep learning and machine learning models
tanluren/PytorchInsight
a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results
tanluren/RRPN_Faster-RCNN_Tensorflow
A tensorflow re-implementation of RRPN: Arbitrary-Oriented Scene Text Detection via Rotation Proposals.
tanluren/SKU110K_CVPR19
tanluren/TensorRT
TensorRT is a C++ library that facilitates high performance inference on NVIDIA GPUs and deep learning accelerators.
tanluren/tiny-yolov3
tiny—yolov3(keras)检测自己的图像,三类目标
tanluren/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
tanluren/yolo_tensorflow
Tensorflow implementation of YOLO, including training and test phase.
tanluren/YOLOv3_TensorFlow
Complete YOLO v3 TensorFlow implementation. Support training on your own dataset.