Pinned Repositories
Awesome-Crowd-Counting
Awesome Crowd Counting
awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
CornerNet-Lite
CV_ToolBox
data preprocess for cv, including data aug (general and cutout) for object detection, KITTI, COCO data to VOC
cvpr2019
cvpr2019 papers,极市团队整理
darknet
Convolutional Neural Networks
Deep-Learning-21-Examples
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
Deep-Learning-with-TensorFlow-book
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
DeepLearning
Deep Learning (Python, C, C++, Java, Scala, Go)
leeecheng's Repositories
leeecheng/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
leeecheng/darknet
Convolutional Neural Networks
leeecheng/Deep-Learning-with-TensorFlow-book
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
leeecheng/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
leeecheng/mobilenetv3.pytorch
74.3% MobileNetV3-Large and 67.2% MobileNetV3-Small model on ImageNet
leeecheng/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
leeecheng/pytorch-book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
leeecheng/SimpleCVReproduction
Reproduce simple cv project including attention module, classification, object detection, segmentation, keypoint detection, tracking :smile: etc.
leeecheng/Survey_of_Deep_Metric_Learning
A comprehensive survey of deep metric learning and related works
leeecheng/transferlearning
Everything about Transfer Learning and Domain Adaptation--迁移学习
leeecheng/transferlearning-tutorial
《迁移学习简明手册》LaTex源码
leeecheng/10kinds-light-face-detector-align-recognition
10种轻量级人脸检测算法的比拼,其中还包含人脸关键点检测与对齐,人脸特征向量提取和计算距离相似度
leeecheng/ACNet
ACNet: Strengthening the Kernel Skeletons for Powerful CNN via Asymmetric Convolution Blocks
leeecheng/AISP
2D AI-NR model for raw images, including dataset、training、infer.
leeecheng/baby-llama2-chinese
用于从头预训练+SFT一个小参数量的中文LLaMa2的仓库;24G单卡即可运行得到一个具备简单中文问答能力的chat-llama2.
leeecheng/blazeface
leeecheng/BLIP
PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation
leeecheng/DALLE2-pytorch
Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch
leeecheng/event-based_vision_resources
leeecheng/imagen-pytorch
Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch
leeecheng/invisible-watermark
python library for invisible image watermark (blind image watermark)
leeecheng/libfacedetection
An open source library for face detection in images. The face detection speed can reach 1000FPS.
leeecheng/MAI2022-depth-estimation
Public code of top-6 appproach in MAI 2022 monodepth estimation
leeecheng/mnn-llm
leeecheng/NAFNet
The state-of-the-art image restoration model without nonlinear activation functions.
leeecheng/OpenCV-MinGW-Build
👀 MinGW 32bit and 64bit version of OpenCV compiled on Windows. Including OpenCV 3.3.1, 3.4.1, 3.4.1-x64, 3.4.5, 3.4.6, 3.4.7, 3.4.8-x64, 3.4.9, 4.0.0-alpha-x64, 4.0.0-rc-x64, 4.0.1-x64, 4.1.0, 4.1.0-x64, 4.1.1-x64, 4.5.0-with-contrib, 4.5.2-x64
leeecheng/ssd-pytorch
这是一个ssd-pytorch的源码,可以用于训练自己的模型。
leeecheng/Super-SloMo
PyTorch implementation of Super SloMo by Jiang et al.
leeecheng/tf-blazeface
Tensorflow 2 BlazeFace implementation from scratch with complete training pipeline
leeecheng/Video-Frame-Interpolation-Summary
Video Frame Interpolation Summary 2020~2021