Beautywenyuan's Stars
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
BVLC/caffe
Caffe: a fast open framework for deep learning.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
ashishpatel26/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
500 AI Machine learning Deep learning Computer vision NLP Projects with code
kjw0612/awesome-deep-vision
A curated list of deep learning resources for computer vision
amusi/daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
meiqua/shape_based_matching
try to implement halcon shape based matching, refer to machine vision algorithms and applications, page 317 3.11.5, written by halcon engineers
DLR-RM/3DObjectTracking
Algorithms and Publications on 3D Object Tracking
yanpanlau/DDPG-Keras-Torcs
Using Keras and Deep Deterministic Policy Gradient to play TORCS
ghliu/pytorch-ddpg
Implementation of the Deep Deterministic Policy Gradient (DDPG) using PyTorch
floodsung/DDPG
Reimplementation of DDPG(Continuous Control with Deep Reinforcement Learning) based on OpenAI Gym + Tensorflow
hpc203/yolov5-dnn-cpp-python
用opencv的dnn模块做yolov5目标检测,包含C++和Python两个版本的程序
introlab/find-object
Find-Object project
belltailjp/selective_search_py
Python-based implementation of the Selective Search for Object Recognition.
tsattler/RansacLib
Template-based implementation of RANSAC and its variants in C++
LiWentomng/OrientedRepPoints
The code for “Oriented RepPoints for Aerial Object Detection (CVPR 2022)”
ncdhz/Yolo-LibTorch
一个 LibTorch 版本的 Yolo 封装库
sarthak268/Obstacle_Avoidance_for_UAV
ROS workspace that creates a trajectory for a UAV to follow passing through a set of given waypoints and avoiding a set of given cylindrical obstacles.
TotoroJason/RANSAC
随机采样一致性算法,是在Ziv Yaniv的c++实现上重新实现了一次,加了中文注释,修正了一个错误。便于理解算法实现
haoruozhang/object_detector_6d
Object Recognition and Pose Estimation from Depth Camera Input
wg-perception/transparent_objects
Transparent object recognition.
eivan/TwoAC
Code for our ECCV 2018 paper "Affine Correspondences between Central Cameras for Rapid Relative Pose Estimation"
gowtama6/Object-Detection-and-Pose-Estimation
Pose estimation project involves the finding the X,Y & Z of the object relative to the camera. The algorithm used is SURF(Speeded-Up Robust Feature). The algorithm detects the feature of base image and the features of the video and feature matching is done. Based on the matched features the object is detected. The pose is estimated by deviation from centroid of the detected object and the current position of object. Tools: MATLAB, Computer Vision Tolbox
CaptainEven/BinoCameraCalibrate
Binocular camera calibration and rectification using OpenCV.
chengtaow/OpenCV-ORB-matching
maraatech/aruco_detector
ROS package for detecting aruco markers and publishing their relative tf poses
MiaoDX/five_point_cmake
CMake the existing well-known often-used 5point relative pose estimation implment from [Nghia Ho](http://nghiaho.com/?p=1675)
nicholishiell/visual_obstacle_avoidance
visual_obstacle_avoidance
RaccoonlabDev/image_pose_estimation_ros
Python ROS package for image pose estimation relative camera