-
glue-factory Public
Forked from cvg/glue-factoryTraining library for local feature detection and matching
Python Apache License 2.0 UpdatedFeb 22, 2024 -
LightGlue Public
Forked from cvg/LightGlueLightGlue: Local Feature Matching at Light Speed (ICCV 2023)
Python Apache License 2.0 UpdatedFeb 16, 2024 -
Surface-Defect-Detection Public
Forked from Charmve/Surface-Defect-Detection📈 目前最大的工业缺陷检测数据库及论文集 Constantly summarizing open source dataset and critical papers in the field of surface defect research which are of great importance.
Python MIT License UpdatedFeb 1, 2024 -
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 UpdatedDec 23, 2023 -
Lidar_AI_Solution Public
Forked from NVIDIA-AI-IOT/Lidar_AI_SolutionA project demonstrating Lidar related AI solutions, including three GPU accelerated Lidar/camera DL networks (PointPillars, CenterPoint, BEVFusion) and the related libs (cuPCL, 3D SparseConvolution…
C++ Other UpdatedNov 15, 2023 -
-
-
cv_related_collections Public
Forked from Enzo-MiMan/cv_related_collectionsPython UpdatedOct 28, 2023 -
lift-splat-shoot Public
Forked from nv-tlabs/lift-splat-shootLift, Splat, Shoot: Encoding Images from Arbitrary Camera Rigs by Implicitly Unprojecting to 3D (ECCV 2020)
Python Other UpdatedOct 23, 2023 -
mmyolo Public
Forked from open-mmlab/mmyoloOpenMMLab YOLO series toolbox and benchmark. Implemented RTMDet, RTMDet-Rotated,YOLOv5, YOLOv6, YOLOv7, YOLOv8,YOLOX, PPYOLOE, etc.
Python GNU General Public License v3.0 UpdatedOct 20, 2023 -
annotated_deep_learning_paper_implementations Public
Forked from labmlai/annotated_deep_learning_paper_implementations🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gan…
Jupyter Notebook MIT License UpdatedOct 15, 2023 -
bevfusion Public
Forked from mit-han-lab/bevfusion[ICRA'23] BEVFusion: Multi-Task Multi-Sensor Fusion with Unified Bird's-Eye View Representation
Python Apache License 2.0 UpdatedOct 10, 2023 -
pytorch-AdaIN Public
Forked from naoto0804/pytorch-AdaINUnofficial pytorch implementation of 'Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization' [Huang+, ICCV2017]
Python MIT License UpdatedOct 4, 2023 -
EffectiveModernCppChinese Public template
Forked from CnTransGroup/EffectiveModernCppChinese《Effective Modern C++》- 完成翻译
UpdatedSep 20, 2023 -
Yolov7-tracker Public
Forked from JackWoo0831/Yolov7-trackerYolo v5, v7, v8 and several Multi-Object Tracker(SORT, DeepSORT, ByteTrack, BoT-SORT, etc.) in MOT17 and VisDrone2019 Dataset. It uses a unified style and integrated tracker for easy embedding in y…
Python GNU General Public License v3.0 UpdatedSep 16, 2023 -
-
OSTrack Public
Forked from botaoye/OSTrack[ECCV 2022] Joint Feature Learning and Relation Modeling for Tracking: A One-Stream Framework
Python MIT License UpdatedAug 3, 2023 -
Sparsebit Public
Forked from megvii-research/SparsebitA model compression and acceleration toolbox based on pytorch.
Python Apache License 2.0 UpdatedJul 31, 2023 -
cycle-confusion Public
Forked from xinw1012/cycle-confusionCode and models for ICCV2021 paper "Robust Object Detection via Instance-Level Temporal Cycle Confusion".
Python Apache License 2.0 UpdatedJul 28, 2023 -
I2I-Stable-Diffusion-Finetune-LoRA-ControlNet Public
Forked from lizhiqi49/I2I-Stable-Diffusion-Finetune-LoRA-ControlNetThis repository seeks to perform few-shot image transfer by fine-tuning Stable Diffusion on a small dataset contains several images of target domain, and then sampling attached with ControlNet.
Python UpdatedJul 14, 2023 -
TransT Public
Forked from chenxin-dlut/TransTTransformer Tracking (CVPR2021)
Python GNU General Public License v3.0 UpdatedJul 1, 2023 -
DropTrack Public
Forked from jimmy-dq/DropTrackThe official fine-tuning code for DropTrack
Python UpdatedJul 1, 2023 -
master-simaRPN Public
Forked from banzhaoyang/master-simaRPN基于tensorrt部署simaRPN++(单目标跟踪)
UpdatedMay 19, 2023 -
SSDA-YOLO Public
Forked from hnuzhy/SSDA-YOLOCodes for my paper "SSDA-YOLO: Semi-supervised Domain Adaptive YOLO for Cross-Domain Object Detection"
Python UpdatedApr 22, 2023 -
FQ-ViT Public
Forked from megvii-research/FQ-ViT[IJCAI 2022] FQ-ViT: Post-Training Quantization for Fully Quantized Vision Transformer
Python Apache License 2.0 UpdatedApr 11, 2023 -
Effective-Modern-Cpp Public
Forked from BartVandewoestyne/Effective-Modern-CppSample code for the Effective Modern C++ book by Scott Meyers.
C++ UpdatedMar 5, 2023 -
PyTorch-YOLOv3 Public
Forked from eriklindernoren/PyTorch-YOLOv3Minimal PyTorch implementation of YOLOv3
Python GNU General Public License v3.0 UpdatedFeb 23, 2023 -
edgeyolo Public
Forked from LSH9832/edgeyoloan edge-real-time anchor-free object detector with decent performance
Python Apache License 2.0 UpdatedFeb 16, 2023 -
TensorRT-Alpha Public
Forked from FeiYull/TensorRT-Alpha🔥《TensorRT-Alpha》🔥supports YOLOv8, YOLOv7, YOLOv6, YOLOv5, YOLOv4, YOLOv3, YOLOX, YOLOR and so on. It implements 🚀 CUDA C++🚀 accelerated deployment models.🍎CUDA IS ALL YOU NEED🍎.Best Wish!
C++ UpdatedFeb 9, 2023 -
yolox-pytorch Public
Forked from bubbliiiing/yolox-pytorch这是一个yolox-pytorch的源码,可以用于训练自己的模型。
Python Apache License 2.0 UpdatedFeb 9, 2023