Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for pytorch object detection
object-detection
x
pytorch
x
478 search results found
Yolov5
⭐
44,755
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
Mmdetection
⭐
26,886
OpenMMLab Detection Toolbox and Benchmark
Deep Learning For Image Processing
⭐
18,759
deep learning for image processing including classification and object-detection etc.
Ultralytics
⭐
18,719
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
Cvat
⭐
11,980
Annotate better with CVAT, the industry-leading data engine for machine learning. Used and trusted by teams at any scale, for data of any scale.
Yolov3
⭐
9,865
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
Supervision
⭐
9,320
We write your reusable computer vision tools. 💜
Yolox
⭐
9,179
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
Pytorch Grad Cam
⭐
8,723
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.
Techniques
⭐
8,132
Techniques for deep learning with satellite & aerial imagery
Autogluon
⭐
7,552
Fast and Accurate ML in 3 Lines of Code
Nanodet
⭐
5,416
NanoDet-Plus⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
Yolov6
⭐
5,388
YOLOv6: a single-stage object detection framework dedicated to industrial applications.
Yet Another Efficientdet Pytorch
⭐
4,892
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
Ssd.pytorch
⭐
4,507
A PyTorch Implementation of Single Shot MultiBox Detector
Mmdetection3d
⭐
4,497
OpenMMLab's next-generation platform for general 3D object detection.
Openpcdet
⭐
4,310
OpenPCDet Toolbox for LiDAR-based 3D Object Detection.
Super Gradients
⭐
4,125
Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
Notebooks
⭐
3,677
Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
Sahi
⭐
3,340
Framework agnostic sliced/tiled inference + interactive ui + error analysis plots
Fcos
⭐
3,207
FCOS: Fully Convolutional One-Stage Object Detection (ICCV'19)
Catalyst
⭐
3,151
Accelerated deep learning R&D
Simple Faster Rcnn Pytorch
⭐
3,107
A simplified implemention of Faster R-CNN that replicate performance from origin paper
A Pytorch Tutorial To Object Detection
⭐
2,873
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
Pytorch Yolo V3
⭐
2,720
A PyTorch implementation of the YOLO v3 object detection algorithm
Tensorrt_pro
⭐
2,411
C++ library based on tensorrt integration
Mmyolo
⭐
2,366
OpenMMLab YOLO series toolbox and benchmark. Implemented RTMDet, RTMDet-Rotated,YOLOv5, YOLOv6, YOLOv7, YOLOv8,YOLOX, PPYOLOE, etc.
Deep Learning For Tracking And Detection
⭐
2,270
Collection of papers, datasets, code and other resources for object tracking and detection using deep learning
Scaledyolov4
⭐
2,001
Scaled-YOLOv4: Scaling Cross Stage Partial Network
Raster Vision
⭐
1,956
An open source library and framework for deep learning on satellite and aerial imagery.
Sparseml
⭐
1,910
Libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models
Lightning Flash
⭐
1,738
Your PyTorch AI Factory - Flash enables you to easily configure and run complex AI recipes for over 15 tasks across 7 data domains
Ailia Models
⭐
1,708
The collection of pre-trained, state-of-the-art AI models for ailia SDK
Detrex
⭐
1,644
detrex is a research platform for DETR-based object detection, segmentation, pose estimation and other visual recognition tasks.
Solo
⭐
1,642
SOLO and SOLOv2 for instance segmentation, ECCV 2020 & NeurIPS 2020.
Easycv
⭐
1,614
An all-in-one toolkit for computer vision
Yolov4 Pytorch
⭐
1,572
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
Bevfusion
⭐
1,565
[ICRA'23] BEVFusion: Multi-Task Multi-Sensor Fusion with Unified Bird's-Eye View Representation
Open3d Ml
⭐
1,530
An extension of Open3D to address 3D Machine Learning tasks
Det3d
⭐
1,490
World's first general purpose 3D object detection codebse.
Efficientdet Pytorch
⭐
1,482
A PyTorch impl of EfficientDet faithful to the original Google impl w/ ported weights
Pytorch Toolbelt
⭐
1,458
PyTorch extensions for fast R&D prototyping and Kaggle farming
Efficientdet.pytorch
⭐
1,408
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
Spark
⭐
1,355
[ICLR'23 Spotlight🔥] The first successful BERT/MAE-style pretraining on any convolutional network; Pytorch impl. of "Designing BERT for Convolutional Networks: Sparse and Hierarchical Masked Modeling"
Pytorch Ssd
⭐
1,301
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
Autodistill
⭐
1,286
Images to inference with no labeling (use foundation models to train supervised models)
Deepstream Yolo
⭐
1,184
NVIDIA DeepStream SDK 6.3 / 6.2 / 6.1.1 / 6.1 / 6.0.1 / 6.0 / 5.1 implementation for YOLO models
Torchdistill
⭐
1,171
A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆22 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
Training_extensions
⭐
1,119
Train, Evaluate, Optimize, Deploy Computer Vision Models via OpenVINO™
Involution
⭐
1,106
[CVPR 2021] Involution: Inverting the Inherence of Convolution for Visual Recognition, a brand new neural operator
Simplecvreproduction
⭐
1,021
Replication of simple CV Projects including attention, classification, detection, keypoint detection, etc.
Cv Pretrained Model
⭐
991
A collection of computer vision pre-trained models.
Complex Yolov4 Pytorch
⭐
988
The PyTorch Implementation based on YOLOv4 of the paper: "Complex-YOLO: Real-time 3D Object Detection on Point Clouds"
Getting Things Done With Pytorch
⭐
873
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Pixellib
⭐
828
Visit PixelLib's official documentation https://pixellib.readthedocs.io/en/latest/
Icevision
⭐
823
An Agnostic Computer Vision Framework - Pluggable to any Training Library: Fastai, Pytorch-Lightning with more to come
Retinanet Examples
⭐
727
Fast and accurate object detection with end-to-end GPU optimization
Nncf
⭐
725
Neural Network Compression Framework for enhanced OpenVINO™ inference
Yolo_research
⭐
715
based on yolo-high-level project (detect\pose\classify\segment\):include yolov5\yolov7\yolov8\ core ,improvement research ,SwintransformV2 and Attention Series. training skills, business customization, engineering deployment C
Random Erasing
⭐
697
Random Erasing Data Augmentation. Experiments on CIFAR10, CIFAR100 and Fashion-MNIST
Yolov5 Deepsort
⭐
687
最新版本yolov5+deepsort目标检测和追踪,能够显示目标类别,支持5.0版本可训练自己数据
Centermask2
⭐
673
CenterMask : Real-time Anchor-Free Instance Segmentation, in CVPR 2020
Fpn.pytorch
⭐
672
Pytorch implementation of Feature Pyramid Network (FPN) for Object Detection
Cnstd
⭐
635
CnSTD: 基于 PyTorch/MXNet 的 中文/英文 场景文字检测(Scene Text Detection)、数学公式检测(Mathematical Formula Detection, MFD)、篇章分析(Layout Analysis)的Python3 包
Freeanchor
⭐
623
FreeAnchor: Learning to Match Anchors for Visual Object Detection (NeurIPS 2019)
Pytorch Yolo V1
⭐
609
an experiment for yolo-v1, including training and testing.
Flexible Yolov5
⭐
607
More readable and flexible yolov5 with more backbone(gcn, resnet, shufflenet, moblienet, efficientnet, hrnet, swin-transformer, etc) and (cbam,dcn and so on), and tensorrt
Efficientdet
⭐
598
(Pretrained weights provided) EfficientDet: Scalable and Efficient Object Detection implementation by Signatrix GmbH
Entity
⭐
596
EntitySeg Toolbox: Towards Open-World and High-Quality Image Segmentation
Gghl
⭐
584
This is the implementation of GGHL (A General Gaussian Heatmap Label Assignment for Arbitrary-Oriented Object Detection)
Yolo V5
⭐
581
🎨 Pytorch YOLO v5 训练自己的数据集超详细教程!!! 🎨 (提供PDF训练教程下载)
Detectorch
⭐
567
Detectorch - detectron for PyTorch
Detecto
⭐
534
Build fully-functioning computer vision models with PyTorch
Mmdetection Annotated
⭐
522
mmdetection源码注释
Stereo Rcnn
⭐
517
Code for 'Stereo R-CNN based 3D Object Detection for Autonomous Driving' (CVPR 2019)
Yolov3_pytorch
⭐
509
Full implementation of YOLOv3 in PyTorch
Sports
⭐
470
Cool experiments at the intersection of Computer Vision and Sports ⚽🏃
As One
⭐
466
Easy & Modular Computer Vision Detectors and Trackers - Run YOLO-NAS,v8,v7,v6,v5,R,X in under 20 lines of code.
Yolo2 Pytorch
⭐
423
PyTorch implementation of the YOLO (You Only Look Once) v2
Rexnet
⭐
416
Official Pytorch implementation of ReXNet (Rank eXpansion Network) with pretrained models
Kaggle Imaterialist
⭐
406
The First Place Solution of Kaggle iMaterialist (Fashion) 2019 at FGVC6
Universenet
⭐
392
USB: Universal-Scale Object Detection Benchmark (BMVC 2022)
One Shot Object Detection
⭐
380
Implementation of One-Shot Object Detection with Co-Attention and Co-Excitation in Pytorch
Foveabox
⭐
371
FoveaBox: Beyond Anchor-based Object Detector
Edgeyolo
⭐
350
an edge-real-time anchor-free object detector with decent performance
Vedadet
⭐
348
A single stage object detection toolbox based on PyTorch
Edgenets
⭐
340
This repository contains the source code of our work on designing efficient CNNs for computer vision
Monoloco
⭐
338
A 3D vision library from 2D keypoints: monocular and stereo 3D detection for humans, social distancing, and body orientation.
Ssd Pytorch
⭐
335
SSD目标检测算法(Single Shot MultiBox Detector)(简单,明了,易用,全中文注释,单机多卡训练,视频检测)( If you train the model on a single computer and mutil GPU, this program will be your best choice , easier to use and easier to understand )
Ld
⭐
332
Localization Distillation for Object Detection (CVPR 2022, TPAMI 2023)
Complex Yolo
⭐
320
Complex-YOLO: Real-time 3D Object Detection on Point Clouds pytorch Darknet
Pytorch_objectdetecttrack
⭐
320
Object detection in images, and tracking across video frames
Neural Pipeline
⭐
314
Neural networks training pipeline based on PyTorch
Visualdet3d
⭐
312
Official Repo for Ground-aware Monocular 3D Object Detection for Autonomous Driving / YOLOStereo3D: A Step Back to 2D for Efficient Stereo 3D Detection
Detreg
⭐
312
Official implementation of the CVPR 2022 paper "DETReg: Unsupervised Pretraining with Region Priors for Object Detection".
Sparsify
⭐
310
ML model optimization product to accelerate inference.
Pytorch Hardnet
⭐
305
35% faster than ResNet: Harmonic DenseNet, A low memory traffic network
Crossformer
⭐
302
The official code for the paper: https://openreview.net/forum?id=_PHymLIxuI
Vovnet Detectron2
⭐
300
VoVNet backbone networks for detectron2, in CVPR 2020
Rotated_iou
⭐
298
Differentiable IoU of rotated bounding boxes using Pytorch
Related Searches
Python Pytorch (15,943)
Deep Learning Pytorch (7,533)
Jupyter Notebook Pytorch (4,892)
Machine Learning Pytorch (2,934)
Python Object Detection (2,269)
Dataset Pytorch (1,848)
Pytorch Convolutional Neural Networks (1,777)
Pytorch Neural Network (1,631)
Pytorch Natural Language Processing (1,408)
Pytorch Computer Vision (1,230)
1-100 of 478 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2024 Awesome Open Source. All rights reserved.