Pinned Repositories
AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Augmentor
Image augmentation library in Python for machine learning.
caffe
Caffe: a fast open framework for deep learning.
chuji_suanfa
用python实现的初级算法
darknet
Convolutional Neural Networks
Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
FCN-for-Semantic-Segmentation
Implemention of FCN-8 and FCN-16 with Keras and uses CRF as post processing
learnopencv
Learn OpenCV : C++ and Python Examples
leeml-notes
李宏毅《机器学习》笔记,在线阅读地址:https://datawhalechina.github.io/leeml-notes
liguoyu666's Repositories
liguoyu666/chuji_suanfa
用python实现的初级算法
liguoyu666/AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
liguoyu666/Augmentor
Image augmentation library in Python for machine learning.
liguoyu666/caffe
Caffe: a fast open framework for deep learning.
liguoyu666/darknet
Convolutional Neural Networks
liguoyu666/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
liguoyu666/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
liguoyu666/FCN-for-Semantic-Segmentation
Implemention of FCN-8 and FCN-16 with Keras and uses CRF as post processing
liguoyu666/learnopencv
Learn OpenCV : C++ and Python Examples
liguoyu666/leeml-notes
李宏毅《机器学习》笔记,在线阅读地址:https://datawhalechina.github.io/leeml-notes
liguoyu666/MTCNN-Tensorflow
Reproduce MTCNN using Tensorflow
liguoyu666/MTCNN_pytorch
MTCNN face detection using pytorch
liguoyu666/openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
liguoyu666/PaddleSeg
End-to-end image segmentation kit based on PaddlePaddle.
liguoyu666/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
liguoyu666/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more
liguoyu666/Pytorch2TensorRT
CUDA10.0, CUDNN7.5.0, TensorRT7.0.0.11
liguoyu666/Surface-Defect-Detection
📈 目前最大的工业缺陷检测数据库及论文集 Constantly summarizing open source dataset and critical papers in the field of surface defect research which are of great importance.
liguoyu666/tensorrt_demos
Some examples demonstrating how to optimize caffe/tensorflow/darknet models with TensorRT and run real-time inferencing with the optimized TensorRT engines
liguoyu666/tf-pose-estimation
Deep Pose Estimation implemented using Tensorflow with Custom Architectures for fast inference.
liguoyu666/Yolo-Fastest
:zap: Yolo universal target detection model combined with EfficientNet-lite, the calculation amount is only 230Mflops(0.23Bflops), and the model size is 1.3MB
liguoyu666/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS
liguoyu666/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/