Pinned Repositories
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
cifar-10-cnn
Play deep learning with CIFAR datasets
code
Code for the book "Mastering OpenCV with Practical Computer Vision Projects" by Packt Publishing 2012.
CodingInterviews
剑指Offer——名企面试官精讲典型编程题
CUDA-Programming-Guide-in-Chinese
This is a Chinese translation of the CUDA programming guide
CV_PaperDaily
CV 每日论文阅读笔记(日更)
daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
Ship-Detector
:boat: A Real-time Ship Detector using Tensorflow Object Detection API and OpenCV
YOLOv3-tensorflow
Implement YOLOv3 with TensorFlow
Lilu1223's Repositories
Lilu1223/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
Lilu1223/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
Lilu1223/code
Code for the book "Mastering OpenCV with Practical Computer Vision Projects" by Packt Publishing 2012.
Lilu1223/CUDA-Programming-Guide-in-Chinese
This is a Chinese translation of the CUDA programming guide
Lilu1223/CV_PaperDaily
CV 每日论文阅读笔记(日更)
Lilu1223/daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
Lilu1223/DCNv2_latest
DCNv2 supports decent pytorch such as torch 1.5+
Lilu1223/EGE-UNet
This is the official code repository for "EGE-UNet: an Efficient Group Enhanced UNet for skin lesion segmentation".
Lilu1223/faceAlignment_tensorflow
face alignment of state-of-art implemented with tnsorflow
Lilu1223/FastSAM
Fast Segment Anything
Lilu1223/learn-cuda-trt
A large number of cuda/tensorrt cases . 大量案例来学习cuda/tensorrt
Lilu1223/learn-cuda-trt2
Lilu1223/lihang-code
《统计学习方法》的代码实现
Lilu1223/machine-learning-articles
Monthly Series - Top 10 Machine Learning Articles
Lilu1223/Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
Lilu1223/MachineLearning
一些关于机器学习的学习资料与研究介绍
Lilu1223/MobilenetOnZynq
Implemention of MobilenetV1 on FPGA
Lilu1223/MobileNetV3-SSD
MobileNetV3-SSD for object detection and implementation in PyTorch
Lilu1223/nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
Lilu1223/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
Lilu1223/pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
Lilu1223/pytorch-classification
Classification with PyTorch.
Lilu1223/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
Lilu1223/pytorch-ssd
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
Lilu1223/PyTorch_Tutorial
《Pytorch模型训练实用教程》中配套代码
Lilu1223/SA-1B
download and load SA-1B
Lilu1223/Sorting_Visualization
Visualize several famous sorting algorithms via opencv-python
Lilu1223/ssds_pytorch
Multiple basenet MobileNet v1,v2, ResNet combined with SSD detection method and it's variants such as RFB, FSSD etc.
Lilu1223/tensorRTIntegrate
TensorRT ONNX Plugin、Inference、Compile
Lilu1223/YOLOv5-Lite
🍅🍅🍅YOLOv5-Lite: lighter, faster and easier to deploy. Evolved from yolov5 and the size of model is only 930+kb (int8) and 1.7M (fp16). It can reach 10+ FPS on the Raspberry Pi 4B when the input size is 320×320~