Pinned Repositories
darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
object_threadsafe
We make any object thread-safe and std::shared_mutex 10 times faster to achieve the speed of lock-free algorithms on >85% reads
PyTorch_YOLOv4
PyTorch implementation of YOLOv4
ScaledYOLOv4
Pytorch - Scaled-YOLOv4: Scaling Cross Stage Partial Network
yolo-windows
a yolo windows version(for object detection)
yolo2_light
Light version of convolutional neural network Yolo v3 & v2 for objects detection with a minimum of dependencies (INT8-inference, BIT1-XNOR-inference)
Yolo_mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
DPT
Dense Prediction Transformers
MiDaS
Code for robust monocular depth estimation described in "Ranftl et. al., Towards Robust Monocular Depth Estimation: Mixing Datasets for Zero-shot Cross-dataset Transfer, TPAMI 2022"
yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
AlexeyAB's Repositories
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
AlexeyAB/Yolo_mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
AlexeyAB/object_threadsafe
We make any object thread-safe and std::shared_mutex 10 times faster to achieve the speed of lock-free algorithms on >85% reads
AlexeyAB/PyTorch_YOLOv4
PyTorch implementation of YOLOv4
AlexeyAB/ScaledYOLOv4
Pytorch - Scaled-YOLOv4: Scaling Cross Stage Partial Network
AlexeyAB/SPVT-Transformer
AlexeyAB/yolor
implementation of paper - You Only Learn One Representation: Unified Network for Multiple Tasks (https://arxiv.org/abs/2105.04206)
AlexeyAB/Complex-YOLOv4-Pytorch
The PyTorch Implementation based on YOLOv4 of the paper: "Complex-YOLO: Real-time 3D Object Detection on Point Clouds"
AlexeyAB/MiDaS
Code for robust monocular depth estimation described in "Ranftl et. al., Towards Robust Monocular Depth Estimation: Mixing Datasets for Zero-shot Cross-dataset Transfer, arXiv:1907.01341"
AlexeyAB/Yet-Another-YOLOv4-Pytorch
YOLOv4 Pytorch implementation with all freebies and specials and 15+ more exclusive improvements. Easy to use!
AlexeyAB/ImageNetModel
Official ImageNet Model repository
AlexeyAB/ton
AlexeyAB/yolov4-triton-tensorrt
This repository deploys YOLOv4 as an optimized TensorRT engine to Triton Inference Server
AlexeyAB/DPT
Dense Prediction Transformers
AlexeyAB/gen-efficientnet-pytorch
Pretrained EfficientNet, EfficientNet-Lite, MixNet, MobileNetV3 / V2, MNASNet A1 and B1, FBNet, Single-Path NAS
AlexeyAB/lambda-networks
Implementation of LambdaNetworks, a new approach to image recognition that reaches SOTA with less compute
AlexeyAB/SPVT
AlexeyAB/TensorFlowModels
Model Reconstruction Team for TensorFlow 2.x Model Garden
AlexeyAB/bts
From Big to Small: Multi-Scale Local Planar Guidance for Monocular Depth Estimation
AlexeyAB/dockerfiles
AlexeyAB/DSMNet
Domain-invariant Stereo Matching Networks
AlexeyAB/HRNet-Image-Classification
Train the HRNet model on ImageNet
AlexeyAB/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more
AlexeyAB/GPU-Efficient-Networks
AlexeyAB/hub
A library for transfer learning by reusing parts of TensorFlow models.
AlexeyAB/hub-1
Submission to https://pytorch.org/hub/
AlexeyAB/muzero-general
MuZero
AlexeyAB/pytorch_cluster
PyTorch Extension Library of Optimized Graph Cluster Algorithms
AlexeyAB/tfhub.dev
AlexeyAB/yolo-midas
Combine YOLOv3 with MiDaS with a single Resnext101 backbone