Pinned Repositories
Augmentor.jl
A fast image augmentation library in Julia for machine learning.
caffe
Caffe: a fast open framework for deep learning.
darknet
darknet深度学习框架源码分析:详细中文注释,涵盖框架原理与实现语法分析
ExtendedTinyFaces
Detecting and counting small objects - Analysis, review and application to counting
labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
tensorflow-yolov3
pure tensorflow Implement of YOLOv3 with support to train your own dataset
tf-faster-rcnn
Tensorflow Faster RCNN for Object Detection
tiny
Tiny Face Detector, CVPR 2017
Tiny_Faces_in_Tensorflow
A Tensorflow Tiny Face Detector, implementing "Finding Tiny Faces"
yolov3workflow
This workflow aims to make it easy to train and execute Yolo v3 object detection on Windows.
Ruolingdeng's Repositories
Ruolingdeng/caffe
Caffe: a fast open framework for deep learning.
Ruolingdeng/tensorflow-yolov3
pure tensorflow Implement of YOLOv3 with support to train your own dataset
Ruolingdeng/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
Ruolingdeng/CV_ToolBox
data preprocess for cv, including data aug (general and cutout) for object detection, KITTI, COCO data to VOC
Ruolingdeng/darknet-1
Convolutional Neural Networks
Ruolingdeng/DataAugmentationForObjectDetection
Data Augmentation For Object Detection
Ruolingdeng/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,近30万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
Ruolingdeng/detr
End-to-End Object Detection with Transformers
Ruolingdeng/django
The Web framework for perfectionists with deadlines.
Ruolingdeng/Faster-RCNN-TensorFlow-Python3.5
Tensorflow Faster R-CNN for Windows and Python 3.5
Ruolingdeng/Follow_Bobo_AI_Sharing
有问题,在这提!
Ruolingdeng/imgaug
Image augmentation for machine learning experiments.
Ruolingdeng/InstanceSegmentation_Sentinel2
Deep Learning for Instance Segmentation of Agricultural Fields - Master thesis
Ruolingdeng/labelme
Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).
Ruolingdeng/LearnPaddle
PaddlePaddle V2版本系列教程,CSDN博客专栏:https://blog.csdn.net/qq_33200967/column/info/28499
Ruolingdeng/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
Ruolingdeng/maskrcnn-benchmark
Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
Ruolingdeng/mentohust
This is a Ruijie cable campus network connection software bag
Ruolingdeng/mmdetection
OpenMMLab Detection Toolbox and Benchmark
Ruolingdeng/MMdnn
MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML.
Ruolingdeng/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
Ruolingdeng/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
Ruolingdeng/ParlAI
A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
Ruolingdeng/PlotNeuralNet
Latex code for making neural networks diagrams
Ruolingdeng/PocketFlow
An Automatic Model Compression (AutoMC) framework for developing smaller and faster AI applications.
Ruolingdeng/tensorflow-deeplab-v3-plus
DeepLabv3+ built in TensorFlow
Ruolingdeng/tensorflow_models_learning
tensorflow GoogleNet inception V1 V2 V3 V4
Ruolingdeng/yolact
A simple, fully convolutional model for real-time instance segmentation.
Ruolingdeng/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS
Ruolingdeng/YOLOv3_TensorFlow
Complete YOLO v3 TensorFlow implementation. Support training on your own dataset.