HoneyCW's Stars
coder/code-server
VS Code in the browser
Stability-AI/stablediffusion
High-Resolution Image Synthesis with Latent Diffusion Models
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
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
albumentations-team/albumentations
Fast and flexible image augmentation library. Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
datawhalechina/leedl-tutorial
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
NVIDIA/apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
utkuozbulak/pytorch-cnn-visualizations
Pytorch implementation of convolutional neural network visualization techniques
xingyizhou/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
weiaicunzai/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
yhenon/pytorch-retinanet
Pytorch implementation of RetinaNet object detection.
Tencent/MedicalNet
Many studies have shown that the performance on deep learning is significantly affected by volume of training data. The MedicalNet project provides a series of 3D-ResNet pre-trained models and relative code.
Awesome-Interview/Awesome-Interview
Collection of awesome interview references.
wasserth/TotalSegmentator
Tool for robust segmentation of >100 important anatomical structures in CT and MR images
MIC-DKFZ/medicaldetectiontoolkit
The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.
Captain1986/CaptainBlackboard
船长关于机器学习、计算机视觉和工程技术的总结和分享
MarkMoHR/Awesome-Image-Colorization
:books: A collection of Deep Learning based Image Colorization and Video Colorization papers.
HRNet/HRNet-Image-Classification
Train the HRNet model on ImageNet
timgaripov/swa
Stochastic Weight Averaging in PyTorch
oeway/pytorch-deform-conv
PyTorch implementation of Deformable Convolution
tfzhou/ContrastiveSeg
ICCV2021 (Oral) - Exploring Cross-Image Pixel Contrast for Semantic Segmentation
facebookresearch/WSL-Images
Weakly Supervised Learning On Images
MIC-DKFZ/nnDetection
nnDetection is a self-configuring framework for 3D (volumetric) medical object detection which can be applied to new data sets without manual intervention. It includes guides for 12 data sets that were used to develop and evaluate the performance of the proposed method.
khanhha/crack_segmentation
This repository contains code and dataset for the task crack segmentation using two architectures UNet_VGG16, UNet_Resnet and DenseNet-Tiramusu
MSKCC-Computational-Pathology/MIL-nature-medicine-2019
Duankaiwen/PyCenterNet
HiLab-git/SCPM-Net
[MICCAI2020]CPM-Net: A 3D Center-Points Matching Network for Pulmonary Nodule Detection in CT Scans
M3DV/FracNet
[eBioMedicine] Deep-learning-assisted detection and segmentation of rib fractures from CT scans: Development and validation of FracNet
zhjohnchan/circleloss.pytorch
Examples of playing with Circle Loss from the paper "Circle Loss: A Unified Perspective of Pair Similarity Optimization", CVPR 2020.
anitchris/mask-rcnn-3d
3d mask rcnn