Pinned Repositories
adversarial-frcnn
A-Fast-RCNN (CVPR 2017)
aerial-recognition
Deep Aerial Image Recognition
BackgroundSubtractorCNT
A very fast background subtraction implementation for OpenCV 3.1.0
faster-rcnn-pedestrian-detection
My customized Faster R-CNN for pedestrian-detection
FPN
Feature Pyramid Networks for Object Detection
Noise2Noise-Cryo-EM-image-denoising
pytorch implementation of noise2noise for Cryo-EM image denoising
pascal2coco
This script is used to transform pascal voc format(.xml) to COCO format(.json)
semi-auto-image-annotation-tool
Anno-Mage: A Semi Automatic Image Annotation Tool which helps you in annotating images by suggesting you annotations for 80 object classes using a pre-trained model
Smart_Construction
Head Person Helmet Detection on Construction Sites,基于目标检测工地安全帽和禁入危险区域识别系统,🚀😆附 YOLOv5 训练自己的数据集超详细教程🚀😆2021.3新增可视化界面❗❗
yolov5_bm1684
bitmain bm1684 inference code of YoloV5...
opencvfun's Repositories
opencvfun/cmake-examples-Chinese
快速入门CMake,通过例程学习语法。在线阅读地址:https://sfumecjf.github.io/cmake-examples-Chinese/
opencvfun/deepdetect
Deep Learning API and Server in C++14 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
opencvfun/faiss
A library for efficient similarity search and clustering of dense vectors.
opencvfun/falldetection_openpifpaf
Fall Detection using OpenPifPaf's Human Pose Estimation model
opencvfun/fast-reid
SOTA Re-identification Methods and Toolbox
opencvfun/Forward
A library for high performance deep learning inference on NVIDIA GPUs.
opencvfun/IICNet
[ICCV2021] IICNet: A Generic Framework for Reversible Image Conversion
opencvfun/IQA-PyTorch
👁️ 🖼️ 🔥PyTorch Toolbox for Image Quality Assessment, including LPIPS, FID, NIQE, NRQM(Ma), MUSIQ, TOPIQ, NIMA, DBCNN, BRISQUE, PI and more...
opencvfun/light-reid
[ECCV2020] a toolbox of light-reid learning for faster inference, speed both feature extraction and retrieval stages up to >30x
opencvfun/mmdetection
Open MMLab Detection Toolbox
opencvfun/netron
Visualizer for neural network, deep learning, and machine learning models
opencvfun/opencvfun
Config files for my GitHub profile.
opencvfun/OpenGait
A flexible and extensible framework for gait recognition. You can focus on designing your own models and comparing with state-of-the-arts easily with the help of OpenGait.
opencvfun/Pedestrian-Attribute-Recognition-Paper-List
Paper list on Pedestrian Attribute Recognition (PAR) and related tasks (Pattern Recognition 2021)
opencvfun/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
opencvfun/Rotation-Detect-yolov5_poly
opencvfun/safe-rules
详细的C/C++编程规范指南,由360质量工程部编著,适用于桌面、服务端及嵌入式软件系统。
opencvfun/savitskygolay
compute savitsky golay filter parameters
opencvfun/spdlog
Fast C++ logging library.
opencvfun/test2
opencvfun/tkDNN
Deep neural network library and toolkit to do high performace inference on NVIDIA jetson platforms
opencvfun/TMO4CT
Tone mapping for CT images
opencvfun/TrafficMonitor
这是一个用于显示当前网速、CPU及内存利用率的桌面悬浮窗软件,并支持任务栏显示,支持更换皮肤。
opencvfun/ungoogled-chromium
Google Chromium, sans integration with Google
opencvfun/Unity-Robotics-Hub
Central repository for tools, tutorials, resources, and documentation for robotics simulation in Unity.
opencvfun/vscode-cpptools
Official repository for the Microsoft C/C++ extension for VS Code.
opencvfun/yolo-tensorrt
TensorRT8.Support Yolov5n,s,m,l,x .darknet -> tensorrt. Yolov4 Yolov3 use raw darknet *.weights and *.cfg fils. If the wrapper is useful to you,please Star it.
opencvfun/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
opencvfun/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
opencvfun/yolox-opencv-dnn
使用OpenCV部署YOLOX,支持YOLOX-S、YOLOX-M、YOLOX-L、YOLOX-X、YOLOX-Darknet53五种结构,包含C++和Python两种版本的程序