Pinned Repositories
3d-DenseNet
3D Dense Connected Convolutional Network (3D-DenseNet for action recognition)
a-PyTorch-Tutorial-to-Object-Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
activityrecognition
Information about activity recognition
AdelaiDet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
AerialDetection
Age-Gender-Estimate-TF
Face age and gender estimate using TensorFlow
Python_Practice
📝 包括常用数据预处理方法,以及经典实例
pytorch-toolbelt
PyTorch extensions for fast R&D prototyping and Kaggle farming
tensorrt-python
tensorrt for yolov7,yolov6,yolov5,yolox
viewer
ML models and internal tensors 3D visualizer
witzou's Repositories
witzou/pytorch-toolbelt
PyTorch extensions for fast R&D prototyping and Kaggle farming
witzou/tensorrt-python
tensorrt for yolov7,yolov6,yolov5,yolox
witzou/viewer
ML models and internal tensors 3D visualizer
witzou/AdelaiDet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
witzou/Awesome-Fine-grained-Visual-Classification
Awesome Fine-grained Visual Classification
witzou/awesome_LLMs_interview_notes
LLMs interview notes and answers:该仓库主要记录大模型(LLMs)算法工程师相关的面试题和参考答案
witzou/chexin
test
witzou/CoANet
CoANet: Connectivity Attention Network for Road Extraction From Satellite Imagery
witzou/crnn_ctc_ocr_tf
Extremely simple implement for CRNN by Tensorflow
witzou/CVPR2022-Papers-with-Code-Demo
收集 CVPR 最新的成果,包括论文、代码和demo视频等,欢迎大家推荐!
witzou/DAVAR-Lab-OCR
OCR toolbox from Davar-Lab
witzou/FGVC-PIM
Pytorch implementation for "A Novel Plug-in Module for Fine-Grained Visual Classification". fine-grained visual classification task.
witzou/lanenet-lane-detection
Unofficial implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/
witzou/mmocr
OpenMMLab Text Detection, Recognition and Understanding Toolbox
witzou/multimodal-material-segmentation
witzou/onnx
Open standard for machine learning interoperability
witzou/opencv_3rdparty
OpenCV - 3rdparty
witzou/Project_car_segmentation
witzou/pytorch-auto-drive
Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, SAD, PRNet, RESA, LSTR, BezierLaneNet...) based on PyTorch with mixed precision training
witzou/PytorchOCR
基于Pytorch的OCR工具库,支持常用的文字检测和识别算法
witzou/segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
witzou/server
The Triton Inference Server provides an optimized cloud and edge inferencing solution.
witzou/SFSegNets
Implementation of Our ECCV-2020-oral paper: Semantic Flow for Fast and Accurate Scene Parsing
witzou/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
witzou/TwinLiteNet
witzou/Ultra-Fast-Lane-Detection-v2
Ultra Fast Deep Lane Detection With Hybrid Anchor Driven Ordinal Classification (TPAMI 2022)
witzou/YOLOP
You Only Look Once for Panopitic Driving Perception.(MIR2022)
witzou/YOLOP-opencv-dnn
使用OpenCV部署全景驾驶感知网络YOLOP,可同时处理交通目标检测、可驾驶区域分割、车道线检测,三项视觉感知任务,包含C++和Python两种版本的程序实现。本套程序只依赖opencv库就可以运行, 从而彻底摆脱对任何深度学习框架的依赖。
witzou/YOLOv6
YOLOv6: a single-stage object detection framework dedicated to industrial applications.
witzou/YOLOv8-DeepSORT-Object-Tracking
YOLOv8 Object Tracking using PyTorch, OpenCV and DeepSORT