WangboML's Stars
yuta-hi/pytorch_bayesian_unet
Migrate to PyTorch. Re-implementation of Bayesian Convolutional Neural Networks (BCNNs)
junyuchen245/Unsuprevised_Seg_via_CNN
An unsupervised (or self-supervised) loss function for binary image segmentation (TensorFlow)
Tramac/awesome-semantic-segmentation-pytorch
Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
NYUMedML/DARTS
Code for DARTS: DenseUnet-based Automatic Rapid Tool for brain Segmentation
gzr2017/ImageProcessing100Wen
「画像処理100本ノック」中文版本!为图像处理初学者设计的 100 个问题。
tusen-ai/simpledet
A Simple and Versatile Framework for Object Detection and Instance Recognition
philferriere/tfwss
Weakly Supervised Segmentation with Tensorflow. Implements instance segmentation as described in Simple Does It: Weakly Supervised Instance and Semantic Segmentation, by Khoreva et al. (CVPR 2017).
jyhjinghwang/SegSort
SegSort: Segmentation by Discriminative Sorting of Segments
lightaime/deep_gcns_torch
Pytorch Repo for DeepGCNs (ICCV'2019 Oral, TPAMI'2021), DeeperGCN (arXiv'2020) and GNN1000(ICML'2021): https://www.deepgcns.org
speedinghzl/pytorch-segmentation-toolbox
PyTorch Implementations for DeeplabV3 and PSPNet
chaoweifang/PFE
Piecewise Flat Embedding for Image Segmentation
hszhao/semseg
Semantic Segmentation in Pytorch
openseg-group/openseg.pytorch
The official Pytorch implementation of OCNet, OCRNet, and SegFix.
zhanghang1989/PyTorch-Encoding
A CV toolkit for my papers.
openseg-group/OCNet.pytorch
Please choose the openseg.pytorch project for the updated code that achieve SOTA on 6 benchmarks!
implus/PytorchInsight
a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results
lxtGH/OctaveConv_pytorch
Pytorch implementation of newly added convolution
xiaoyufenfei/ESNet
ESNet: An Efficient Symmetric Network for Real-time Semantic Segmentation
ws13685555932/machine_learning_derivation
notes of machine learning algorithm derivation
avehtari/BDA_course_Aalto
Bayesian Data Analysis course at Aalto
yassouali/pytorch-segmentation
:art: Semantic segmentation models, datasets and losses implemented in PyTorch.
steventan0110/OCT_preprocess
Python implementation of optical coherence tomography(OCT) data pre-process: 1.retina detection 2. OCT normalization 3. retina flatten
zijundeng/pytorch-semantic-segmentation
PyTorch for Semantic Segmentation
Lightning-AI/deep-learning-project-template
Pytorch Lightning code guideline for conferences
tensorflow/models
Models and examples built with TensorFlow
ardianumam/Tensorflow-TensorRT
This repository is for my YT video series about optimizing a Tensorflow deep learning model using TensorRT. We demonstrate optimizing LeNet-like model and YOLOv3 model, and get 3.7x and 1.5x faster for the former and the latter, respectively, compared to the original models.
DeNA/PyTorch_YOLOv3
Implementation of YOLOv3 in PyTorch
heucoder/dimensionality_reduction_alo_codes
特征提取/数据降维:PCA、LDA、MDS、LLE、TSNE等降维算法的python实现
CaoE/tensorrt_yolov3-tiny
darknet2onnx2tensorrt for yolov3-tiny on nvidia tx2
NVIDIA-AI-IOT/tf_trt_models
TensorFlow models accelerated with NVIDIA TensorRT