kangjiahui's Stars
jgraph/drawio-desktop
Official electron build of draw.io
facebookresearch/segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
THUDM/ChatGLM-6B
ChatGLM-6B: An Open Bilingual Dialogue Language Model | 开源双语对话语言模型
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
microsoft/onnxruntime
ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator
davisking/dlib
A toolkit for making real world machine learning and data analysis applications in C++
miguelgrinberg/flasky
Companion code to my O'Reilly book "Flask Web Development", second edition.
poloclub/cnn-explainer
Learning Convolutional Neural Networks with Interactive Visualization.
me115/design_patterns
图说设计模式
zhangqianhui/AdversarialNetsPapers
Awesome paper list with code about generative adversarial nets
AllenDowney/ThinkDSP
Think DSP: Digital Signal Processing in Python, by Allen B. Downey.
JDAI-CV/fast-reid
SOTA Re-identification Methods and Toolbox
Cartucho/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
biubug6/Pytorch_Retinaface
Retinaface get 80.99% in widerface hard val using mobilenet0.25.
shouxieai/tensorRT_Pro
C++ library based on tensorrt integration
dusty-nv/jetson-containers
Machine Learning Containers for NVIDIA Jetson and JetPack-L4T
Jittor/JittorLLMs
计图大模型推理库,具有高性能、配置要求低、中文支持好、可移植等特点
PeterH0323/Smart_Construction
Base on YOLOv5 Head Person Helmet Detection on Construction Sites,基于目标检测工地安全帽和禁入危险区域识别系统,🚀😆附 YOLOv5 训练自己的数据集超详细教程🚀😆2021.3新增可视化界面❗❗
666DZY666/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
greyli/helloflask
Hello, Flask!
airockchip/rknn_model_zoo
NVIDIA-AI-IOT/trt_pose
Real-time pose estimation accelerated with NVIDIA TensorRT
kimyoon-young/centerNet-deep-sort
realtime multiple people tracking (centerNet based person detector + deep sort algorithm with pytorch)
tongpi/basicOCR
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
tanabe/markdown-live-preview
markdown editor with live preview
liwei-cpp/MetaNN
itsnine/yolov5-onnxruntime
YOLOv5 ONNX Runtime C++ inference code.
rockchip-linux/rknpu
chenjun2hao/SRN.pytorch
Unofficial PyTorch implementation of Towards Accurate Scene Text Recognition with Semantic Reasoning Networks
NeteaseStudy/frontend-edu
前端学习资料&问答汇总