-
EMA-attention-module Public
Implementation Code for the ICCASSP 2023 paper " Efficient Multi-Scale Attention Module with Cross-Spatial Learning" and is available at: https://arxiv.org/abs/2305.13563v2
-
HybirdSORT Public
Forked from ymzis69/HybridSORTHybrid-SORT: Weak Cues Matter for Online Multi-Object Tracking
Python MIT License UpdatedAug 5, 2023 -
yolov5 Public
Forked from ultralytics/yolov5YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
Python GNU General Public License v3.0 UpdatedFeb 14, 2023 -
ultralytics Public
Forked from ultralytics/ultralyticsYOLOv8 🚀 in PyTorch > ONNX > CoreML > TFLite
Python GNU General Public License v3.0 UpdatedJan 28, 2023 -
SRS is a simple, high efficiency and realtime video server, supports RTMP, WebRTC, HLS, HTTP-FLV, SRT, MPEG-DASH and GB28181.
C++ MIT License UpdatedJan 10, 2023 -
insightface Public
Forked from deepinsight/insightfaceState-of-the-art 2D and 3D Face Analysis Project
Python MIT License UpdatedDec 20, 2022 -
mobilenetv2-yolov3 Public
Forked from fsx950223/mobilenetv2-yolov3yolov3 with mobilenetv2 and efficientnet
Python MIT License UpdatedNov 21, 2022 -
pytorch-image-models Public
Forked from huggingface/pytorch-image-modelsPyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Python Apache License 2.0 UpdatedNov 8, 2022 -
pytorch-cifar Public
Forked from kuangliu/pytorch-cifar95.47% on CIFAR10 with PyTorch
Python MIT License UpdatedJul 19, 2022 -
tornado_websocket_pratice Public
Forked from TsouMinHan/tornado_websocket_praticePython UpdatedMay 16, 2022 -
yoha Public
Forked from handtracking-io/yohaA practical hand tracking engine.
TypeScript MIT License UpdatedApr 5, 2022 -
Weighted-Boxes-Fusion Public
Forked from ZFTurbo/Weighted-Boxes-FusionSet of methods to ensemble boxes from different object detection models, including implementation of "Weighted boxes fusion (WBF)" method.
-
CameraCalibration Public
Forked from AITech-D/CameraCalibrationPython&OpenCV实现单目相机标定和双目相机标定
-
monodepth2 Public
Forked from nianticlabs/monodepth2[ICCV 2019] Monocular depth estimation from a single image
Jupyter Notebook Other UpdatedJun 15, 2021 -
CoordAttention Public
Forked from houqb/CoordAttentionCode for our CVPR2021 paper coordinate attention
Python MIT License UpdatedJun 8, 2021 -
aspp_depth Public
Forked from ustbCXK/aspp_depth基于pytorch框架的无监督单目图像深度估计算法,在Monodepth2基础上改进了网络框架以及训练算法,未经本人禁止转载或商用,谢谢合作!
Python UpdatedMay 25, 2021 -
YOLOV5_PANDA Public
Forked from xiamingfu/YOLOV5_PANDAThis is a repo for TianChi-PANDA competition
Python UpdatedMay 16, 2021 -
labelme2coco_keypoints Public
Forked from Anqi-nus/labelme2coco_keypointsConvert labelme format keypoints .json to MSCOCO format keypoints for human detection
Python UpdatedApr 14, 2021 -
rtm3d-1 Public
Forked from hitfeelee/rtm3dPerform 3d object detection base on anchor free rtm3d(master), somke(somke)
Python MIT License UpdatedMar 31, 2021 -
yolov5_face_landmark Public
Forked from xialuxi/yolov5_face_landmark基于yolov5的人脸检测,带关键点检测
Python GNU General Public License v3.0 UpdatedMar 25, 2021 -
MobileNet-MNN Public
Forked from HaoL20/MobileNet-MNNMobileNet训练、测试以及转换为MNN
Python UpdatedMar 23, 2021 -
pytorch_face_landmark Public
Forked from cunjian/pytorch_face_landmarkFast and accurate face landmark detection library using PyTorch; Support 68-point semi-frontal and 39-point profile landmark detection; Support both coordinate-based and heatmap-based inference; Up…
Python UpdatedFeb 25, 2021 -
data-augmentation Public
Forked from tranleanh/data-augmentationData Augmentation for Object Detection with Python and OpenCV
Python UpdatedFeb 16, 2021 -
mobilenetv2.pytorch Public
Forked from d-li14/mobilenetv2.pytorch72.8% MobileNetV2 1.0 model on ImageNet and a spectrum of pre-trained MobileNetV2 models
Python Apache License 2.0 UpdatedJan 15, 2021 -
RTM3D Public
Forked from Banconxuan/RTM3DThe official PyTorch Implementation of RTM3D and KM3D for Monocular 3D Object Detection
Python MIT License UpdatedDec 30, 2020 -
falldetection_openpifpaf Public
Forked from cwlroda/falldetection_openpifpafFall Detection using OpenPifPaf's Human Pose Estimation model
Python UpdatedNov 16, 2020 -
face_classification Public
Forked from oarriaga/face_classificationReal-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.
Python MIT License UpdatedNov 13, 2020 -
SMOKE Public
Forked from dashidhy/SMOKESMOKE: Single-Stage Monocular 3D Object Detection via Keypoint Estimation
-
Face-Detector-1MB-with-landmark Public
Forked from biubug6/Face-Detector-1MB-with-landmark1M人脸检测模型(含关键点)
Python MIT License UpdatedSep 10, 2020 -
Data_Augmentation_Zoo_for_Object_Detection Public
Forked from ZhenglinZhou/Data_Augmentation_Zoo_for_Object_DetectionIncludes: Learning data augmentation strategies for object detection | GridMask data augmentation | Augmentation for small object detection in Numpy. Use RetinaNet with ResNet-18 to test these meth…