Fighting-JJ's Stars
jwasham/coding-interview-university
A complete computer science study plan to become a software engineer.
microsoft/terminal
The new Windows Terminal and the original Windows console host, all in the same place!
opencv/opencv
Open Source Computer Vision Library
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
apache/mxnet
Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
programthink/books
【编程随想】收藏的电子书清单(多个学科,含下载链接)
NVIDIA/nvidia-docker
Build and run Docker containers leveraging NVIDIA GPUs
cool-RR/PySnooper
Never use print for debugging again
apache/tvm
Open deep learning compiler stack for cpu, gpu and specialized accelerators
fastai/numerical-linear-algebra
Free online textbook of Jupyter notebooks for fast.ai Computational Linear Algebra course
Ewenwan/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
lukemelas/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
openvinotoolkit/openvino
OpenVINO™ is an open-source toolkit for optimizing and deploying AI inference
pytorch/glow
Compiler for Neural Network hardware accelerators
Roujack/mathAI
一个拍照做题程序。输入一张包含数学计算题的图片,输出识别出的数学计算式以及计算结果。This is a mathematic expression recognition project.
Lam1360/YOLOv3-model-pruning
在 oxford hand 数据集上对 YOLOv3 做模型剪枝(network slimming)
philferriere/cocoapi
Clone of COCO API - Dataset @ http://cocodataset.org/ - with changes to support Windows build and python3
Eric-mingjie/network-slimming
Network Slimming (Pytorch) (ICCV 2017)
kuan-wang/pytorch-mobilenet-v3
MobileNetV3 in pytorch and ImageNet pretrained models
lzx1413/PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet
memoiry/Awesome-model-compression-and-acceleration
liuzhuang13/slimming
Learning Efficient Convolutional Networks through Network Slimming, In ICCV 2017.
ericsun99/Shufflenet-v2-Pytorch
Perfect implement. Model shared. x0.5 (Top1:60.646) and 1.0x (Top1:69.402).
chester256/Model-Compression-Papers
Papers for deep neural network compression and acceleration
talebolano/yolov3-network-slimming
yolov3 network slimming剪枝的一种实现
fsx950223/mobilenetv2-yolov3
yolov3 with mobilenetv2 and efficientnet
Randl/ShuffleNetV2-pytorch
Implementation of ShuffleNetV2 for pytorch
DasudaRunner/DeltaCV
A high performance library for image processing
jeetkanjani7/Parallel_NMS
Parallel CUDA implementation of NON maximum Suppression
XuHao9166/Campare_NMS_And_SoftNMS_cpp
NMS\SoftNMS\两种非极大值抑制算法实现