cs-heibao's Stars
facebookresearch/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.
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
jwyang/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
wepe/MachineLearning
Basic Machine Learning and Deep Learning
zylo117/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
NVIDIA/DALI
A GPU-accelerated library containing highly optimized building blocks and an execution engine for data processing to accelerate deep learning training and inference applications.
amdegroot/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
Tianxiaomo/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
leoxiaobin/deep-high-resolution-net.pytorch
The project is an official implementation of our CVPR2019 paper "Deep High-Resolution Representation Learning for Human Pose Estimation"
kenshohara/3D-ResNets-PyTorch
3D ResNets for Action Recognition (CVPR 2018)
POSTECH-CVLab/PyTorch-StudioGAN
StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation.
tamarott/SinGAN
Official pytorch implementation of the paper: "SinGAN: Learning a Generative Model from a Single Natural Image"
microsoft/human-pose-estimation.pytorch
The project is an official implement of our ECCV2018 paper "Simple Baselines for Human Pose Estimation and Tracking(https://arxiv.org/abs/1804.06208)"
wenhwu/awesome-remote-sensing-change-detection
List of datasets, codes, and contests related to remote sensing change detection
sfzhang15/RefineDet
Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018
tanglang96/DataLoaders_DALI
PyTorch DataLoaders implemented with DALI for accelerating image preprocessing
openseg-group/OCNet.pytorch
Please choose the openseg.pytorch project for the updated code that achieve SOTA on 6 benchmarks!
bes-dev/MobileStyleGAN.pytorch
An official implementation of MobileStyleGAN in PyTorch
VDIGPKU/CBNet_caffe
Composite Backbone Network (AAAI20)
anonymous47823493/EagleEye
(ECCV'2020 Oral)EagleEye: Fast Sub-net Evaluation for Efficient Neural Network Pruning
duanzhiihao/RAPiD
RAPiD: Rotation-Aware People Detection in Overhead Fisheye Images (CVPR 2020 Workshops)
shomnathsomu/crack-detection-opencv
Crack Detection On Highway Or Pavement Using OpenCV
Ranchentx/EFGRNet
Enriched Feature Guided Refinement Network for Detection,ICCV2019.
xaviergoby/Deep-Learning-and-Computer-Vision-for-Structural-Crack-Detection-And-Classification
Incorporating Inductive Bias into Deep Learning: A Perspective from Automated Visual Inspection in Aircraft Maintenance
friendshipkim/neuron-merging
Neuron Merging: Compensating for Pruned Neurons (NeurIPS 2020)
cs-heibao/PFPNet_Pytorch
The implementation of ECCV 2018 paper "Parallel Feature Pyramid Network for Object Detection" in Pytorch
cs-heibao/FPN_Faster_RCNN
a tensorflow implementation for FPN
AlongRide/Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm预训练模型)
cs-heibao/Classification_Task
cs-heibao/RDNet