Pinned Repositories
100-Days-Of-ML-Code
100 Days of ML Coding
100-Days-Of-ML-Code-1
100-Days-Of-ML-Code中文版
AI-Job-Notes
AI算法岗求职攻略(涵盖准备攻略、刷题指南、内推和AI公司清单等资料)
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
chineseocr_lite
超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 , psenet(8.5M) + crnn(6.3M) + anglenet(1.5M) 总模型仅17M
cuda_learning
MyJPEG_Decoder
jpeg,bmp解码器,resize操作实现(双线性插值缩放 )
pytorch_solov2
SOLOv2 pytorch (without mmdetection and mmcv)
pytorch_train
pytorch practices
Retinaface_CPP
Retinaface人脸检测网络 MNN、NCNN嵌入式,Linux端推理源码,包含一个卡通人脸检测的模型,脚本一键构建可执行程序
ABlueLight's Repositories
ABlueLight/chineseocr_lite
超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 , psenet(8.5M) + crnn(6.3M) + anglenet(1.5M) 总模型仅17M
ABlueLight/cuda_learning
ABlueLight/API-Net
Learning Attentive Pairwise Interaction for Fine-Grained Classification, AAAI-2020
ABlueLight/apollo
An open autonomous driving platform
ABlueLight/awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
ABlueLight/awesome-Face_Recognition
papers about Face Detection; Face Alignment; Face Recognition && Face Identification && Face Verification && Face Representation; Face Reconstruction; Face Tracking; Face Super-Resolution && Face Deblurring; Face Generation && Face Synthesis; Face Transfer; Face Anti-Spoofing; Face Retrieval;
ABlueLight/BlueLights.github.io
BlueLights个人博客
ABlueLight/d2l-tvm
Dive into Deep Learning Compiler
ABlueLight/detectron2
Detectron2 is FAIR's next-generation platform for object detection and segmentation.
ABlueLight/DL_Compiler
Study Group of Deep Learning Compiler
ABlueLight/hacker-laws-zh
💻📖对开发人员有用的定律、理论、原则和模式。(Laws, Theories, Principles and Patterns that developers will find useful.)
ABlueLight/Java
27天成为Java大神
ABlueLight/jittor
Jittor is a high-performance deep learning framework based on JIT compiling and meta-operators.
ABlueLight/libzmq
ZeroMQ core engine in C++, implements ZMTP/3.1
ABlueLight/model-compression
model compression based on pytorch (1、quantization: 16/8/4/2 bits(dorefa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for quantization)
ABlueLight/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
ABlueLight/opencv_3rdparty
OpenCV - 3rdparty
ABlueLight/PaddleOCR
Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, support 80+ languages recognition, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
ABlueLight/pybind_example
ABlueLight/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
ABlueLight/pytorch_solov2
ABlueLight/Retinaface_CPP
ABlueLight/SEF
Code for paper "Learning Semantically Enhanced Feature for Fine-grained Image Classification"
ABlueLight/ShiYanLou
学习C & C++ & python&汇编语言 LLVM编译器 数据结构 算法 操作系统 单片机 linux 面试
ABlueLight/SOLO
SOLO and SOLOv2 for instance segmentation, ECCV 2020 & NeurIPS 2020.
ABlueLight/SparseInst
SparseInst: Sparse Instance Activation for Real-Time Instance Segmentation, CVPR 2022
ABlueLight/tensorflow-yolov3
🔥 pure tensorflow Implement of YOLOv3 with support to train your own dataset
ABlueLight/TorchPruner
On-the-fly Structured Pruning for PyTorch models. This library implements several attributions metrics and structured pruning utils for neural networks in PyTorch.
ABlueLight/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
ABlueLight/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported.