Pinned Repositories
2018AICity_TeamUW
Source code of the winning method in Track 1 and Track 3 at the AI City Challenge Workshop in CVPR 2018.
a
ActiveMQ CLI testing and message management
CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in Hinton's paper Dynamic Routing Between Capsules
kernelized_correlation_filters_gpu
Real-time visual object tracking using correlations filters and deep learning
Lucas-Kanade-tracking-and-Correlation-Filters
An implementation of several feature tracking algorithms based on Lucas Kanade algorithms
models
Models and examples built with TensorFlow
OpticalFlow
A Python implementation of the Kanade–Lucas–Tomasi (KLT) feature tracker
tensorflow
Computation using data flow graphs for scalable machine learning
TensorFlow-Tutorials
Simple tutorials using Google's TensorFlow Framework
test
test repository
LingguoMeng's Repositories
LingguoMeng/Lucas-Kanade-tracking-and-Correlation-Filters
An implementation of several feature tracking algorithms based on Lucas Kanade algorithms
LingguoMeng/2018AICity_TeamUW
Source code of the winning method in Track 1 and Track 3 at the AI City Challenge Workshop in CVPR 2018.
LingguoMeng/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
LingguoMeng/AutoRCCar
OpenCV Python Neural Network Autonomous RC Car
LingguoMeng/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
LingguoMeng/Awesome-Optical-Flow
Paper list
LingguoMeng/bgslibrary
A C++ Background Subtraction Library with wrappers for Python, MATLAB, Java and GUI on QT
LingguoMeng/CapsGNN
A PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019).
LingguoMeng/deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
LingguoMeng/EfficientDet
EfficientDet (Scalable and Efficient Object Detection) implementation in Keras and Tensorflow
LingguoMeng/ESPCN
A PyTorch implementation of ESPCN based on CVPR 2016 paper "Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network"
LingguoMeng/FCN.tensorflow
Tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation (http://fcn.berkeleyvision.org)
LingguoMeng/iou-tracker
Python implementation of the IOU Tracker
LingguoMeng/keras
Deep Learning for humans
LingguoMeng/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
LingguoMeng/libfacedetection
An open source library for face detection in images. The face detection speed can reach 1000FPS.
LingguoMeng/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
LingguoMeng/multi-object-tracking-paper-list
Paper list and source code for multi-object-tracking
LingguoMeng/Multitarget-tracker
Multiple Object Tracker, Based on Hungarian algorithm + Kalman filter.
LingguoMeng/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
LingguoMeng/OpenCV-Practical-Exercise
LingguoMeng/OpenTracker
Real-time C++ ECO tracker etc. speed-up by SSE/NEON, support Linux, Mac, Jetson TX1/2, raspberry pi
LingguoMeng/pytorch-yolo-v3
A PyTorch implementation of the YOLO v3 object detection algorithm
LingguoMeng/SiamTrackers
(2020)The PyTorch version of SiamFC,SiamRPN,DaSiamRPN,UpdateNet,SiamDW,SiamRPN++, SiamMask,and SiamFC++ ; Visual object tracking based on deep learning
LingguoMeng/Tengine
Tengine is a lite, high performance, modular inference engine for embedded device
LingguoMeng/tensorflow-yolov3
🔥 pure tensorflow Implement of YOLOv3 with support to train your own dataset
LingguoMeng/tensorflow-yolov4-tflite
YOLOv4 Implemented in Tensorflow 2.0. Convert YOLO v4 .weights to .pb and .tflite format for tensorflow and tensorflow lite.
LingguoMeng/Towards-Realtime-MOT
Joint Detection and Embedding for fast multi-object tracking
LingguoMeng/tracking_wo_bnw
Implementation of "Tracking without bells and whistles” and the multi-object tracking "Tracktor"
LingguoMeng/YOLOv3-complete-pruning
提供对YOLOv3及Tiny的多种剪枝版本,以适应不同的需求。