xiexu666

xiexu666

Geek Repo

Github PK Tool:Github PK Tool

xiexu666's starred repositories

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/

Language:PythonLicense:Apache-2.0Stargazers:9153Issues:76Issues:1476

mmocr

OpenMMLab Text Detection, Recognition and Understanding Toolbox

Language:PythonLicense:Apache-2.0Stargazers:4179Issues:60Issues:888

cs_study_plan

一份硬核(hardcore)计算机科学CS自学计划,偏向软件工程和系统架构方向

lite.ai.toolkit

🛠 A lite C++ toolkit of awesome AI models, support ONNXRuntime, MNN. Contains YOLOv5, YOLOv6, YOLOX, YOLOR, FaceDet, HeadSeg, HeadPose, Matting etc. Engine: ONNXRuntime, MNN.

Language:C++License:GPL-3.0Stargazers:3505Issues:69Issues:261

mmdeploy

OpenMMLab Model Deployment Framework

Language:PythonLicense:Apache-2.0Stargazers:2611Issues:38Issues:1556

micronet

micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape

Language:PythonLicense:MITStargazers:2201Issues:40Issues:109

face-parsing.PyTorch

Using modified BiSeNet for face parsing in PyTorch

Language:PythonLicense:MITStargazers:2180Issues:34Issues:55

proxylessnas

[ICLR 2019] ProxylessNAS: Direct Neural Architecture Search on Target Task and Hardware

Language:C++License:MITStargazers:1414Issues:70Issues:0

mmrazor

OpenMMLab Model Compression Toolbox and Benchmark.

Language:PythonLicense:Apache-2.0Stargazers:1412Issues:20Issues:267

MPRNet

[CVPR 2021] Multi-Stage Progressive Image Restoration. SOTA results for Image deblurring, deraining, and denoising.

Language:PythonLicense:NOASSERTIONStargazers:1133Issues:15Issues:142

awesome-algorithm-question-solution

LeetCode,《剑指offer》中的算法题的题目和解法以及常见算法的实现

Language:C++License:MITStargazers:1125Issues:38Issues:7

YOLOv5-Multibackbone-Compression

YOLOv5 Series Multi-backbone(TPH-YOLOv5, Ghostnet, ShuffleNetv2, Mobilenetv3Small, EfficientNetLite, PP-LCNet, SwinTransformer YOLO), Module(CBAM, DCN), Pruning (EagleEye, Network Slimming), Quantization (MQBench) and Deployment (TensorRT, ncnn) Compression Tool Box.

MNN-APPLICATIONS

MNN applications by MNN, JNI exec, RK3399. Support tflite\tensorflow\caffe\onnx models.

Segmentation-Pytorch

Semantic Segmentation in Pytorch. Network include: FCN、FCN_ResNet、SegNet、UNet、BiSeNet、BiSeNetV2、PSPNet、DeepLabv3_plus、 HRNet、DDRNet

United-Perception

United Perception

Language:PythonLicense:Apache-2.0Stargazers:426Issues:20Issues:65

imagecorruptions

Python package to corrupt arbitrary images.

Language:PythonLicense:Apache-2.0Stargazers:386Issues:8Issues:16

ArmNeonOptimization

Arm neon optimization practice

Language:C++License:MITStargazers:384Issues:14Issues:6

Attention_ocr.pytorch

This repository implements the the encoder and decoder model with attention model for OCR

BRECQ

Pytorch implementation of BRECQ, ICLR 2021

Language:PythonLicense:MITStargazers:240Issues:6Issues:42

yolov5

YOLOv5 in PyTorch > ONNX > CoreML > iOS

Language:PythonLicense:GPL-3.0Stargazers:218Issues:9Issues:0

RMNet

RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.

PyAnomaly

Useful Toolbox for Anomaly Detection

Language:PythonLicense:Apache-2.0Stargazers:109Issues:4Issues:2

mmdetection

OpenVINO Training Extensions Object Detection

Language:PythonLicense:NOASSERTIONStargazers:93Issues:8Issues:21

SOLOV2_ncnn

the C++ version of solov2 with ncnn

segmentation-learning-experiment-pytorch

基于Pytorch实现优秀的自然图像分割框架!(包括FCN、U-Net和Deeplab)

Language:PythonLicense:Apache-2.0Stargazers:44Issues:9Issues:3

model-quantization

Collections of model quantization algorithms. Any issues, please contact Peng Chen (blueardour@gmail.com)

Language:PythonLicense:NOASSERTIONStargazers:42Issues:0Issues:0

ONNX-to-TFLite

Converting the ONNX model representation to the TensorFlow Lite representation.

Language:Jupyter NotebookStargazers:34Issues:2Issues:3

mnn-yolov5

Imported from https://gitee.com/techshoww/mnn-yolov5.

simple-int8-pytorch-implement

int8 calibration implement and inference (help you understand int8 Q)