-
FedML Public
Forked from FedML-AI/FedMLFedML - The federated and distributed machine learning library enabling machine learning anywhere at any scale. It's backed by FedML, Inc (https://FedML.ai). Supporting large-scale geo-distributed …
Python Apache License 2.0 UpdatedMay 10, 2022 -
pyskl Public
Forked from kennymckormick/pysklA toolbox for skeleton-based action recognition.
Python Apache License 2.0 UpdatedMay 8, 2022 -
FedProx Public
Forked from litian96/FedProxFederated Optimization in Heterogeneous Networks (MLSys '20)
Python MIT License UpdatedApr 28, 2022 -
opencv_contrib Public
Forked from opencv/opencv_contribRepository for OpenCV's extra modules
C++ Apache License 2.0 UpdatedApr 2, 2022 -
Paddle2ONNX Public
Forked from PaddlePaddle/Paddle2ONNXONNX Model Exporter for PaddlePaddle
Python Apache License 2.0 UpdatedMar 31, 2022 -
datasets Public
Forked from huggingface/datasets🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
Python Apache License 2.0 UpdatedMar 30, 2022 -
netron Public
Forked from lutzroeder/netronVisualizer for neural network, deep learning, and machine learning models
JavaScript MIT License UpdatedMar 19, 2022 -
pytorch-lightning Public
Forked from Lightning-AI/pytorch-lightningThe lightweight PyTorch wrapper for high-performance AI research. Scale your models, not the boilerplate.
Python Apache License 2.0 UpdatedMar 14, 2022 -
fun-rec Public
Forked from datawhalechina/fun-rec本推荐算法教程主要是针对具有机器学习基础并想找推荐算法岗位的同学,教程由推荐算法基础、推荐算法入门赛、新闻推荐项目及推荐算法面经组成,形成了一个完整的从基础到实战再到面试的闭环。
Python Other UpdatedMar 13, 2022 -
pytorch-image-models Public
Forked from huggingface/pytorch-image-modelsPyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Python Apache License 2.0 UpdatedMar 12, 2022 -
siam-mot Public
Forked from amazon-science/siam-motSiamMOT: Siamese Multi-Object Tracking
Python Apache License 2.0 UpdatedMar 12, 2022 -
yolov3 Public
Forked from ultralytics/yolov3YOLOv3 in PyTorch > ONNX > CoreML > TFLite
Python GNU General Public License v3.0 UpdatedMar 10, 2022 -
awesome-DeepLearning Public
Forked from PaddlePaddle/awesome-DeepLearning深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI
Jupyter Notebook Apache License 2.0 UpdatedMar 8, 2022 -
Python Public
Forked from TheAlgorithms/PythonAll Algorithms implemented in Python
Python MIT License UpdatedMar 7, 2022 -
vit-pytorch Public
Forked from lucidrains/vit-pytorchImplementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Python MIT License UpdatedMar 2, 2022 -
torch-model-compression Public
Forked from THU-MIG/torch-model-compression针对pytorch模型的自动化模型结构分析和修改工具集,包含自动分析模型结构的模型压缩算法库
Python MIT License UpdatedFeb 27, 2022 -
nextjs-notion-starter-kit Public
Forked from transitive-bullshit/nextjs-notion-starter-kitDeploy your own Notion-powered website in minutes with Next.js and Vercel.
TypeScript MIT License UpdatedFeb 25, 2022 -
TecoGAN Public
Forked from thunil/TecoGANThis repo contains source code and materials for the TEmporally COherent GAN SIGGRAPH project.
Python Apache License 2.0 UpdatedFeb 20, 2022 -
ViT-pytorch-1 Public
Forked from jeonsworld/ViT-pytorchPytorch reimplementation of the Vision Transformer (An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale)
Jupyter Notebook MIT License UpdatedJan 10, 2022 -
pytorch-tutorial Public
Forked from yunjey/pytorch-tutorialPyTorch Tutorial for Deep Learning Researchers
Python MIT License UpdatedOct 16, 2021 -
BackgroundMattingV2 Public
Forked from PeterL1n/BackgroundMattingV2Real-Time High-Resolution Background Matting
Python MIT License UpdatedJul 28, 2021 -
awesome-AutoML-and-Lightweight-Models Public
Forked from guan-yuan/awesome-AutoML-and-Lightweight-ModelsA list of high-quality (newest) AutoML works and lightweight models including 1.) Neural Architecture Search, 2.) Lightweight Structures, 3.) Model Compression, Quantization and Acceleration, 4.) H…
UpdatedJun 19, 2021 -
skills Public
Forked from tsuirak/skills个人的技能树仓库,包含一些个人学习的笔记以及开发项目
Jupyter Notebook MIT License UpdatedJan 4, 2021 -
keras-yolo3 Public
Forked from qqwweee/keras-yolo3A Keras implementation of YOLOv3 (Tensorflow backend)
Python MIT License UpdatedDec 24, 2020 -
split-model-inference Public
Forked from rawahars/split-model-inferenceWe research the benefit of performing split model inference on speech models using the edge devices and the cloud infrastructure
Python UpdatedDec 18, 2020 -
yolodet-pytorch Public
Forked from hzq1112/yolodet-pytorchreproduce the YOLO series of papers in pytorch, including YOLOv4, PP-YOLO, YOLOv5,YOLOv3, etc.
Python UpdatedNov 19, 2020 -
FireDetection Public
Forked from RashadGarayev/FireDetectionFireDetection is an artificial intelligence project for real-time fire detection and custom images.
Python MIT License UpdatedNov 19, 2020 -
Pytorch-DIOU-YOLOv3 Public
Forked from miemie2013/Pytorch-DIOU-YOLOv3Pytorch复现YOLOv3,使用最新的DIOU loss训练
Python UpdatedOct 17, 2020 -
yolov3-channel-and-layer-pruning Public
Forked from tanluren/yolov3-channel-and-layer-pruningyolov3 yolov4 channel and layer pruning, Knowledge Distillation 层剪枝,通道剪枝,知识蒸馏
Python Apache License 2.0 UpdatedSep 3, 2020 -
YOLOv3-model-pruning Public
Forked from Lam1360/YOLOv3-model-pruning在 oxford hand 数据集上对 YOLOv3 做模型剪枝(network slimming)
Python MIT License UpdatedAug 26, 2019