Pinned Repositories
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, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
bevfusion
[ICRA'23] BEVFusion: Multi-Task Multi-Sensor Fusion with Unified Bird's-Eye View Representation
CPlusPlusThings
C++那些事
CUDA_Freshman
cv_related_collections
cycle-confusion
Code and models for ICCV2021 paper "Robust Object Detection via Instance-Level Temporal Cycle Confusion".
DANet
Dual Attention Network for Scene Segmentation (CVPR2019)
deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
dive-into-cv-pytorch
动手学CV-Pytorch版
dlwpt-code
Code for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann.
najingligong1111's Repositories
najingligong1111/glue-factory
Training library for local feature detection and matching
najingligong1111/LightGlue
LightGlue: Local Feature Matching at Light Speed (ICCV 2023)
najingligong1111/Surface-Defect-Detection
📈 目前最大的工业缺陷检测数据库及论文集 Constantly summarizing open source dataset and critical papers in the field of surface defect research which are of great importance.
najingligong1111/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
najingligong1111/Lidar_AI_Solution
A project demonstrating Lidar related AI solutions, including three GPU accelerated Lidar/camera DL networks (PointPillars, CenterPoint, BEVFusion) and the related libs (cuPCL, 3D SparseConvolution, YUV2RGB, cuOSD,).
najingligong1111/CUDA_Freshman
najingligong1111/mmyolo_tensorrt
najingligong1111/cv_related_collections
najingligong1111/lift-splat-shoot
Lift, Splat, Shoot: Encoding Images from Arbitrary Camera Rigs by Implicitly Unprojecting to 3D (ECCV 2020)
najingligong1111/mmyolo
OpenMMLab YOLO series toolbox and benchmark. Implemented RTMDet, RTMDet-Rotated,YOLOv5, YOLOv6, YOLOv7, YOLOv8,YOLOX, PPYOLOE, etc.
najingligong1111/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, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
najingligong1111/bevfusion
[ICRA'23] BEVFusion: Multi-Task Multi-Sensor Fusion with Unified Bird's-Eye View Representation
najingligong1111/pytorch-AdaIN
Unofficial pytorch implementation of 'Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization' [Huang+, ICCV2017]
najingligong1111/EffectiveModernCppChinese
《Effective Modern C++》- 完成翻译
najingligong1111/Yolov7-tracker
Yolo 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 your own projects.
najingligong1111/DropMAE
najingligong1111/OSTrack
[ECCV 2022] Joint Feature Learning and Relation Modeling for Tracking: A One-Stream Framework
najingligong1111/Sparsebit
A model compression and acceleration toolbox based on pytorch.
najingligong1111/cycle-confusion
Code and models for ICCV2021 paper "Robust Object Detection via Instance-Level Temporal Cycle Confusion".
najingligong1111/I2I-Stable-Diffusion-Finetune-LoRA-ControlNet
This 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.
najingligong1111/TransT
Transformer Tracking (CVPR2021)
najingligong1111/DropTrack
The official fine-tuning code for DropTrack
najingligong1111/master-simaRPN
基于tensorrt部署simaRPN++(单目标跟踪)
najingligong1111/SSDA-YOLO
Codes for my paper "SSDA-YOLO: Semi-supervised Domain Adaptive YOLO for Cross-Domain Object Detection"
najingligong1111/FQ-ViT
[IJCAI 2022] FQ-ViT: Post-Training Quantization for Fully Quantized Vision Transformer
najingligong1111/Effective-Modern-Cpp
Sample code for the Effective Modern C++ book by Scott Meyers.
najingligong1111/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
najingligong1111/edgeyolo
an edge-real-time anchor-free object detector with decent performance
najingligong1111/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!
najingligong1111/yolox-pytorch
这是一个yolox-pytorch的源码,可以用于训练自己的模型。