Semantic Segmentation using deeplabv3+resnet101 from ...
discuss.pytorch.org › t › semantic-segmentationAug 01, 2019 · I am using the Deeplab V3+ resnet 101 to perform binary semantic segmentation. import torch import torchvision import loader from loader import DataLoaderSegmentation import torch.nn as nn import torch.optim as optim import numpy as np from torch.utils.data.sampler import SubsetRandomSampler batch_size = 1 validation_split = .2 shuffle_dataset = True random_seed= 66 n_class = 2 num_epochs = 1 ...
FCN | PyTorch
https://pytorch.org/hub/pytorch_vision_fcn_resnet101FCN-ResNet is constructed by a Fully-Convolutional Network model, using a ResNet-50 or a ResNet-101 backbone. The pre-trained models have been trained on a subset of COCO train2017, on the 20 categories that are present in the Pascal VOC dataset. Their accuracies of the pre-trained models evaluated on COCO val2017 dataset are listed below.