seigit's Stars
milesial/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
eriklindernoren/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
LeeJunHyun/Image_Segmentation
Pytorch implementation of U-Net, R2U-Net, Attention U-Net, and Attention R2U-Net.
ViTAE-Transformer/ViTPose
The official repo for [NeurIPS'22] "ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation" and [TPAMI'23] "ViTPose++: Vision Transformer for Generic Body Pose Estimation"
HRNet/HigherHRNet-Human-Pose-Estimation
This is an official implementation of our CVPR 2020 paper "HigherHRNet: Scale-Aware Representation Learning for Bottom-Up Human Pose Estimation" (https://arxiv.org/abs/1908.10357)
huawei-noah/noah-research
Noah Research
Li-Chongyi/Zero-DCE
Zero-DCE code and model
cs-chan/Exclusively-Dark-Image-Dataset
Exclusively Dark (ExDARK) dataset which to the best of our knowledge, is the largest collection of low-light images taken in very low-light environments to twilight (i.e 10 different conditions) to-date with image class and object level annotations.
discus0434/pdf-translator
pdf-translator translates English PDF files into Japanese, preserving the original layout.
seasonSH/SemanticStyleGAN
release code for SemanticStyleGAN (CVPR 2022)
liruilong940607/OCHumanApi
API for the dataset proposed in "Pose2Seg: Detection Free Human Instance Segmentation" @ CVPR2019.
SwinTransformer/MIM-Depth-Estimation
This is an official implementation of our CVPR 2023 paper "Revealing the Dark Secrets of Masked Image Modeling" on Depth Estimation.
cuiziteng/ICCV_MAET
🌕 [ICCV 2021] Multitask AET with Orthogonal Tangent Regularity for Dark Object Detection. A self-supervised learning way for low-light image object detection.
lucidrains/contrastive-learner
A simple to use pytorch wrapper for contrastive self-supervised learning on any neural network
Chris-hughes10/Yolov7-training
A clean, modular implementation of the Yolov7 model family, which uses the official pretrained weights, with utilities for training the model on custom (non-COCO) tasks.
jaehyunnn/ViTPose_pytorch
An unofficial implementation of ViTPose [Y. Xu et al., 2022]
FanChiMao/HWMNet
Half Wavelet Attention on M-Net+ for Low-light Image Enhancement
XiangchenYin/PE-YOLO
cfotache/pytorch_custom_yolo_training
An easy way to train a Yolo object detector with your custom images dataset, using PyTorch
wenyyu/IA-Seg
The code for "Improving Nighttime Driving-Scene Segmentation via Dual Image-adaptive Learnable Filters".
Gatedip/GDIP-Yolo
Gated Differentiable Image Processing (GDIP) for Object Detection in Adverse Conditions | Accepted at ICRA 2023
aravindskrishnan/Retinex-Image-Enhancement
Practical Implementation of Single Scale Retinex and Multiscale Retinex Algorithm in Python 3
ed-fish/spatio-temporal-contrastive-film
Unsupervised Film Genre Classification using Spatio-Temporal Contrastive Learning
Lornatang/YOLOv3-PyTorch
Pytorch implements yolov3.Good performance, easy to use, fast speed.
khurramHashmi/FeatEnHancer
[ICCV 2023] FeatEnHancer: Enhancing Hierarchical Features for Object Detection and Beyond Under Low-Light Vision
sohyun-l/ExLPose
tatsy/ColorConstancy
Implementation of several algorithms for color constancy
jaminaveen/YOLOv3_Low_Light_Object_Detection
This is a research project to understand the performance of YOLOv3 model in low light and find efficient ways to improve its performance in low light.
recokick/ball-action-spotting
SoccerNet@CVPR | 1st place solution for Ball Action Spotting Challenge 2023
Hans1984/material-illumination-geometry
Code for Siggraph 2021 paper: The effect of shape and illumination on material perception: model and applications.