GarryLau
Algorithm Engineer(Image Processing, Computer Vision, Deep Learning, Machine Learning)
Hangzhou
Pinned Repositories
abseil-cpp
Abseil Common Libraries (C++)
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
AlphaPose
armnn_caffe
Using armnn do inference.
Augmentor
Image augmentation library in Python for machine learning.
awesome-cpp
A curated list of awesome C/C++ frameworks, libraries, resources, and shiny things. Inspired by awesome-... stuff.
data-science-ipython-notebooks
Recently updated with 50 new notebooks! Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
DataAugmentation
Caffe Image Data Augmentation
MachineLearning
Algorithms about Machine Learning
tensorflowClassification
train a image classifier
GarryLau's Repositories
GarryLau/DataAugmentation
Caffe Image Data Augmentation
GarryLau/MachineLearning
Algorithms about Machine Learning
GarryLau/armnn_caffe
Using armnn do inference.
GarryLau/tensorflowClassification
train a image classifier
GarryLau/AlphaPose
GarryLau/Augmentor
Image augmentation library in Python for machine learning.
GarryLau/caffe-windows
Configure Caffe in one hour for Windows users.
GarryLau/coding-interview-university
A complete computer science study plan to become a software engineer.
GarryLau/Concurrency-MultiThreading
Concurrency\MultiThreading
GarryLau/cplusplus
GarryLau/CplusplusNewFeatures
GarryLau/DesignPatterns
设计模式之C++实现
GarryLau/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
GarryLau/ECOTracker
Project about ECO Tracker
GarryLau/ExtendedTinyFaces
Detecting and counting small objects - Analysis, review and application to counting
GarryLau/gperftools
Main gperftools repository
GarryLau/imgaug
Image augmentation for machine learning experiments.
GarryLau/keras
Deep Learning for humans
GarryLau/labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
GarryLau/LightGlue-ONNX
ONNX-compatible LightGlue: Local Feature Matching at Light Speed. Supports TensorRT, OpenVINO
GarryLau/ONNXToCaffe
pytorch -> onnx -> caffe, pytorch to caffe, or other deep learning framework to onnx and onnx to caffe.
GarryLau/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
GarryLau/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNet-V3/V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
GarryLau/SiamFC-TensorFlow
A TensorFlow implementation of the SiamFC tracker
GarryLau/tensorrt-cpp-api
TensorRT C++ API Tutorial
GarryLau/Torch-Pruning
[CVPR 2023] Towards Any Structural Pruning; LLMs / SAM / Diffusion / Transformers / YOLOv8 / CNNs
GarryLau/ultralytics
NEW - YOLOv8 🚀 in PyTorch > ONNX > CoreML > TFLite
GarryLau/YOLOP
You Only Look Once for Panopitic Driving Perception.(MIR2022)
GarryLau/yolov5-obb
yolov5-obb train and inference (focus on ONNX Runtime)
GarryLau/YOLOv8-TensorRT-CPP
YOLOv8 TensorRT C++ Implementation