Pinned Repositories
adver-project
albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
alpr-unconstrained
License Plate Detection and Recognition in Unconstrained Scenarios
Arbitrary_Quadrilateral_Computing_IOU
Arbitrary Quadrilateral Computing IOU of a image
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
caffe
Caffe: a fast open framework for deep learning.
CCPD
[ECCV 2018] CCPD: a diverse and well-annotated dataset for license plate detection and recognition
CenterNet
Codes for our paper "CenterNet: Keypoint Triplets for Object Detection" .
CenterNet-1
Object detection, 3D detection, and pose estimation using center point detection:
CenterTrack
Simultaneous object detection and tracking using center points.
lixingwei1106's Repositories
lixingwei1106/albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
lixingwei1106/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
lixingwei1106/CenterNet-1
Object detection, 3D detection, and pose estimation using center point detection:
lixingwei1106/CenterTrack
Simultaneous object detection and tracking using center points.
lixingwei1106/cs231n
cs231n assignments sovled by https://ghli.org
lixingwei1106/Darknet-1
AlexeyAB-DarkNet源码解析
lixingwei1106/deep-learning-papers-translation
深度学习论文翻译,包括分类论文,检测论文等
lixingwei1106/deep_sort
Simple Online Realtime Tracking with a Deep Association Metric
lixingwei1106/DIoU-darknet
Distance-IoU Loss into YOLO v3
lixingwei1106/facenet
Face recognition using Tensorflow
lixingwei1106/JavaBooks
Java 程序员常读书单整理,附下载地址,助力构建最强知识体系。但不限于 Java,包括设计模式、计算机网络、操作系统、数据库、数据结构与算法、大数据、架构、面试等等。
lixingwei1106/Kalman-and-Bayesian-Filters-in-Python
Kalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions.
lixingwei1106/keras-yolo4
A Keras implementation of YOLOv4 (Tensorflow backend)
lixingwei1106/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
lixingwei1106/models
A collection of pre-trained, state-of-the-art models in the ONNX format
lixingwei1106/models-1
Models and examples built with TensorFlow
lixingwei1106/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
lixingwei1106/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
lixingwei1106/PyTorch_YOLOv4
PyTorch implementation of YOLOv4
lixingwei1106/RFBNet
Receptive Field Block Net for Accurate and Fast Object Detection, ECCV 2018
lixingwei1106/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
lixingwei1106/ssd_keras-1
A Keras port of Single Shot MultiBox Detector
lixingwei1106/Statistical-Learning-Method_Code
手写实现李航《统计学习方法》书中全部算法
lixingwei1106/Thundernet_Pytorch
Implementation Thundernet
lixingwei1106/Ultra-Light-Fast-Generic-Face-Detector-1MB
💎1MB lightweight face detection model (1MB轻量级人脸检测模型)
lixingwei1106/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
lixingwei1106/yolov4-keras
这是一个YoloV4-keras的源码,可以用于训练自己的模型。
lixingwei1106/YOLOv4-pytorch
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
lixingwei1106/yolov4-pytorch-1
这是一个YoloV4-pytorch的源码,可以用于训练自己的模型。
lixingwei1106/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS