Full Resolution Residual Networks for Semantic Image Segmentation

Related tags

Deep Learning FRRN
Overview

Full-Resolution Residual Networks (FRRN)

This repository contains code to train and qualitatively evaluate Full-Resolution Residual Networks (FRRNs) as described in

Tobias Pohlen, Alexander Hermans, Markus Mathias, Bastian Leibe: Full Resolution Residual Networks for Semantic Segmentation in Street Scenes. CVPR 2017.

A pre-print of the paper can be found on arXiv: arXiv:1611.08323.

Please cite the work as follows:

@inproceedings{pohlen2017FRRN,
  title={Full-Resolution Residual Networks for Semantic Segmentation in Street Scenes},
  author={Pohlen, Tobias and Hermans, Alexander and Mathias, Markus and Leibe, Bastian},
  booktitle={Computer Vision and Pattern Recognition (CVPR), 2017 IEEE Conference on},
  year={2017}
}

Demo Video

Click here to watch our video.

Installation

Install the following software packages:

  • Python 2.7 or 3.4
  • Numpy
  • Scipy
  • Scikit-Learn
  • OpenCV
  • Theano
    • Scipy
    • Scikit-Learn
  • Lasagne

You may optionally install the following library for better performance.

You can check if all dependencies are installed correctly by running the check_dependencies.py script:

$ python check_dependencies.py --cs_folder=[Your CS folder]
2017-07-26 22:17:34,945 INFO Found supported Python version 3.4.
2017-07-26 22:17:35,122 INFO Successfully imported numpy.
2017-07-26 22:17:35,184 INFO Successfully imported cv2.
2017-07-26 22:17:35,666 INFO Successfully imported sklearn.
2017-07-26 22:17:35,691 INFO Successfully imported sklearn.metrics.
2017-07-26 22:17:35,691 INFO Successfully imported scipy.
Using cuDNN version 6021 on context None
Mapped name None to device cuda: TITAN X (Pascal) (0000:02:00.0)
2017-07-26 22:17:38,760 INFO Successfully imported theano.
2017-07-26 22:17:38,797 INFO Successfully imported lasagne.
2017-07-26 22:17:38,797 INFO Theano float is float32.
2017-07-26 22:17:38,803 INFO cuDNN spatial softmax found.
2017-07-26 22:17:38,807 INFO Use Chianti C++ library.
2017-07-26 22:17:38,826 INFO Found CityScapes training set.
2017-07-26 22:17:38,826 INFO Found CityScapes validation set.

If you don't see any ERROR messages, the software should run on your machine.

Qualitatively evaluation a pre-trained model

Run the script predict.py.

$ python predict.py --help
usage: predict.py [-h] --architecture {frrn_a,frrn_b} --model_file MODEL_FILE
                  --cs_folder CS_FOLDER [--sample_factor SAMPLE_FACTOR]

Shows the predictions of a Full-Resolution Residual Network on the Cityscapes
validation set.

optional arguments:
  -h, --help            show this help message and exit
  --architecture {frrn_a,frrn_b}
                        The network architecture type.
  --model_file MODEL_FILE
                        The model filename. Weights are initialized to the
                        given values if the file exists. Snapshots are stored
                        using a _snapshot_[iteration] post-fix.
  --cs_folder CS_FOLDER
                        The folder that contains the Cityscapes Dataset.
  --sample_factor SAMPLE_FACTOR
                        The sampling factor.

Train a new model

Run the train.py script.

$ python train.py --help
usage: train.py [-h] --architecture {frrn_a,frrn_b,frrn_c} --model_file
                MODEL_FILE --log_file LOG_FILE --cs_folder CS_FOLDER
                [--batch_size BATCH_SIZE]
                [--validation_interval VALIDATION_INTERVAL]
                [--iterator {uniform,weighted}] [--crop_size CROP_SIZE]
                [--learning_rate LEARNING_RATE]
                [--sample_factor SAMPLE_FACTOR]

Trains a Full-Resolution Residual Network on the Cityscapes Dataset.

optional arguments:
  -h, --help            show this help message and exit
  --architecture {frrn_a,frrn_b}
                        The network architecture type.
  --model_file MODEL_FILE
                        The model filename. Weights are initialized to the
                        given values if the file exists. Snapshots are stored
                        using a _snapshot_[iteration] post-fix.
  --log_file LOG_FILE   The log filename. Use log_monitor.py in order to
                        monitor training progress in the terminal.
  --cs_folder CS_FOLDER
                        The folder that contains the Cityscapes Dataset.
  --batch_size BATCH_SIZE
                        The batch size.
  --validation_interval VALIDATION_INTERVAL
                        The validation interval.
  --iterator {uniform,weighted}
                        The dataset iterator type.
  --crop_size CROP_SIZE
                        The size of crops to extract from the full-resolution
                        images. If 0, then now crops will be extracted.
  --learning_rate LEARNING_RATE
                        The learning rate to use.
  --sample_factor SAMPLE_FACTOR
                        The sampling factor.

Monitor training

Start a new notebook server and open training_monitor.ipynb.

License

See LICENSE (MIT).

Copyright

Copyright (c) 2017 Google Inc.

Copyright (c) 2017 Toby Pohlen

Comments
  • Got wrong number of dimensions exception when training

    Got wrong number of dimensions exception when training

    Hi @TobyPDE

    I can inference this network and result is good, but there are some issue in train.py

    This is my log.

    Using gpu device 0: GeForce GTX 970 (CNMeM is disabled, cuDNN 5005)
    Enter path to CityScapes folder [DataSet/]: 
    Enter model filename [models/frrn_b.npz]: 
    Enter log filename [logs/frrn_b.log]: 
    Define network... [0.32s]
    Load model... [0.26s]
    Define loss... [1.54s]
    Compile update functions... [158.36s]
    Compile validation function... [22.07s]
    Optimize...Evaluate block 5/5
     [0.70s]
    Traceback (most recent call last):
      File "train.py", line 197, in <module>
        optimizer.optimize()
      File "/home/FRRN/dltools/optimizer.py", line 55, in optimize
        losses = self.train_fn(*train_fn_args)
      File "train.py", line 140, in compute_update
        loss, grads = dltools.hybrid_training.compute_grads(grad_fns, param_blocks, *args)
      File "/home/unicornx/FRRN/dltools/hybrid_training.py", line 112, in compute_grads
        result = grad_fns[i](*args, *prev)
      File "/home/Theano/theano/compile/function_module.py", line 788, in __call__
        allow_downcast=s.allow_downcast)
      File "/home/Theano/theano/tensor/type.py", line 178, in filter
        data.shape))
    TypeError: Bad input argument to theano function with name "/home/FRRN/dltools/hybrid_training.py:84" at index 1 (0-based).  
    Backtrace when that variable is created:
    
      File "train.py", line 74, in <module>
        target_var = T.itensor3()
    Wrong number of dimensions: expected 3, got 4 with shape (3, 3, 512, 1024).
    

    Any idea? Thanks!!

    opened by LemonAniLabs 5
  • input image is black

    input image is black

    Hey, I tested your framework with the cityscape dataset and the trained models (predict.py) but the output is very bad (losses between 100 - 500). I checked the output images(image, gt_img and pred_img) and saw that the RGB is just black. The gt is the same like from the dataset and the pred is a very bad segmented image.

    The paths to the cityscape seems to be right and the dependency check runs with no error.

    Thank you for help.

    opened by manuel-88 3
  • Train own Data

    Train own Data

    Hey, thanks for sharing the code. This is a fantastic idea to do semantic segmentation.

    May I ask: is there a way to utilize your code on other data, like my own data ? Is there an instruction for this purpose ?

    Best He Zhao

    opened by JoeHEZHAO 3
  • How to mapping ground truth from color to labelIds

    How to mapping ground truth from color to labelIds

    Hi @TobyPDE ,

    I have some training data was labeled in color, I would like to transform color image to labelIds image for training. label.py have the mapping table, so I just using 'id' to replace [r,g,b] and save one channel to image. Is this make sense?

    Any idea? Thanks.

    opened by LemonAniLabs 3
  • ValueError while building network for 400x600 images

    ValueError while building network for 400x600 images

    I'd like to train on 400x600 images, but I am encountering a problem.

    ValueError: Mismatch: not all input shapes are the same
    

    is raised in https://github.com/TobyPDE/FRRN/blob/master/dltools/architectures.py#L315 because autobahn.input_shapes = [(None, 32, 600, 400), (None, 32, 592, 400)] Are there any constraints on the input dimensions?

    opened by gavinmh 3
  • how to install theano 0.9.0.dev1?

    how to install theano 0.9.0.dev1?

    pip3.5 install theano==0.9.0

    Collecting theano==0.9.0 Could not find a version that satisfies the requirement theano==0.9.0 (from versions: 0.3.0rc4, 0.3.0, 0.3.1rc1, 0.3.1rc2, 0.3.1, 0.4.0rc1, 0.4.0rc2, 0.4.0rc3, 0.4.0rc4, 0.4.0, 0.4.1rc1, 0.4.1rc2, 0.4.1, 0.5.0rc1, 0.5.0rc2, 0.5.0, 0.6.0rc1, 0.6.0rc2, 0.6.0rc3, 0.6.0rc5, 0.6.0, 0.7.0rc1, 0.7.0rc2, 0.7.0, 0.8.0rc1, 0.8.0, 0.8.1, 0.8.2)

    No matching distribution found for theano==0.9.0

    opened by gaopeng-eugene 3
  • CudaNdarrayType error: Tried using dtype float64 for variable None

    CudaNdarrayType error: Tried using dtype float64 for variable None

    Hi, @TobyPDE

    After switching to install python3.5, I pass the command "python train.py". However, after inputing "path to ityScapes folder", "model filename", "log filename", it runs into the following troubles:

    (root) root@milton-All-Series:/data/code/FRRN# python train.py 
    Enter path to CityScapes folder [/data/CityScrapes_dataset/FRRN_data/leftImg8bit_trainvaltest/train]: /data/CityScrapes_dataset/FRRN_data/leftImg8bit_trainvaltest/train
    Enter model filename [models/frrn_b.npz]: 
    Enter log filename [logs/frrn_b.log]: 
    Define network... [0.46s]
    Load model... [0.90s]
    Define loss... [0.88s]
    Traceback (most recent call last):
      File "train.py", line 78, in <module>
        all_predictions, split_outputs = dltools.hybrid_training.get_split_outputs(network, deterministic=False)
      File "/data/code/FRRN/dltools/hybrid_training.py", line 18, in get_split_outputs
        all_outputs = lasagne.layers.get_output(network.output_layers + sum(network.splits, []), **kwargs)
      File "/root/anaconda3/lib/python3.5/site-packages/lasagne/layers/helper.py", line 191, in get_output
        all_outputs[layer] = layer.get_output_for(layer_inputs, **kwargs)
      File "/root/anaconda3/lib/python3.5/site-packages/lasagne/layers/special.py", line 52, in get_output_for
        return self.nonlinearity(input)
      File "/data/code/FRRN/dltools/architectures.py", line 88, in log_softmax_4d
        x = theano.sandbox.cuda.basic_ops.gpu_contiguous(x)
      File "/root/anaconda3/lib/python3.5/site-packages/theano/gof/op.py", line 604, in __call__
        node = self.make_node(*inputs, **kwargs)
      File "/root/anaconda3/lib/python3.5/site-packages/theano/sandbox/cuda/basic_ops.py", line 3910, in make_node
        input = as_cuda_ndarray_variable(input)
      File "/root/anaconda3/lib/python3.5/site-packages/theano/sandbox/cuda/basic_ops.py", line 46, in as_cuda_ndarray_variable
        return gpu_from_host(tensor_x)
      File "/root/anaconda3/lib/python3.5/site-packages/theano/gof/op.py", line 604, in __call__
        node = self.make_node(*inputs, **kwargs)
      File "/root/anaconda3/lib/python3.5/site-packages/theano/sandbox/cuda/basic_ops.py", line 132, in make_node
        dtype=x.dtype)()])
      File "/root/anaconda3/lib/python3.5/site-packages/theano/sandbox/cuda/type.py", line 95, in __init__
        (self.__class__.__name__, dtype, name))
    TypeError: CudaNdarrayType only supports dtype float32 for now. Tried using dtype float64 for variable None
    
    

    Any suggestion to fix it?

    Here are my packages installed: python 3.5.2 opencv 3.1.0 Theano 0.9.0.dev4 Lasagne 0.2.dev1 numpy 1.11.2 scikit-learn 0.17.1

    Thanks~

    opened by amiltonwong 3
  • Trying to evaluation with non cityscape image

    Trying to evaluation with non cityscape image

    Trying to evaluation with my own image....not sure how to set the inputs correctly. Can you offer some correction.

            im = cv2.imread('./eagle.jpg')
            im     = cv2.cvtColor(im, cv2.COLOR_BGR2RGB)         
            imgray = cv2.cvtColor(im, cv2.COLOR_RGB2GRAY)
            imgray =  cv2.normalize(imgray, dst=imgray, alpha=0, beta=1, norm_type=cv2.NORM_MINMAX, dtype=cv2.CV_32F)[0:-1]
            imgray = imgray[np.newaxis,...]
                   
            batch1 = [im]
            batch2 = [imgray] 
            predictions, loss = val_fn(batch1, batch2)
    

    ERROR:

    Traceback (most recent call last):
      File "cam_predict.py", line 90, in <module>
        main()
      File "cam_predict.py", line 74, in main
        predictions, loss = val_fn([batch1], [batch2])
      File "/usr/local/lib/python2.7/dist-packages/theano/compile/function_module.py", line 917, in __call__
        storage_map=getattr(self.fn, 'storage_map', None))
      File "/usr/local/lib/python2.7/dist-packages/theano/gof/link.py", line 325, in raise_with_op
        reraise(exc_type, exc_value, exc_trace)
      File "/usr/local/lib/python2.7/dist-packages/theano/compile/function_module.py", line 903, in __call__
        self.fn() if output_subset is None else\
    ValueError: images and kernel must have the same stack size
    
    
    Backtrace when the node is created(use Theano flag traceback.limit=N to make it longer):
      File "cam_predict.py", line 90, in <module>
        main()
      File "cam_predict.py", line 62, in main
        val_fn = train.compile_validation_function(network, BATCH_SIZE)
      File "/home/rjn/opencv3-p3-code/classification_and_boxing/newstuff/FRRN/train.py", line 153, in compile_validation_function
        network.output_layers, deterministic=True)[0]
      File "/usr/local/lib/python2.7/dist-packages/lasagne/layers/helper.py", line 197, in get_output
        all_outputs[layer] = layer.get_output_for(layer_inputs, **kwargs)
      File "/usr/local/lib/python2.7/dist-packages/lasagne/layers/conv.py", line 333, in get_output_for
        conved = self.convolve(input, **kwargs)
      File "/usr/local/lib/python2.7/dist-packages/lasagne/layers/conv.py", line 611, in convolve
        filter_flip=self.flip_filters)
    
    
    
    
    
    
    
    opened by rnunziata 2
  • train error under python3.4: Missing required input: <TensorType(float32, 4D)>

    train error under python3.4: Missing required input:

    Define network... [16.67s] Load model... [0.33s] Define loss... [1.14s] Compile update functions... [82.92s] Compile validation function... [14.34s] Optimize... [3.68s] Traceback (most recent call last): File "/raid/code/FRRN/FRRN-master/train_frrn_a.py", line 213, in optimizer.optimize() File "/raid/code/FRRN/FRRN-master/dltools/optimizer.py", line 58, in optimize losses = self.train_fn(data.imgs, data.targets, update_counter) File "/raid/code/FRRN/FRRN-master/train_frrn_a.py", line 141, in compute_update loss, grads = dltools.hybrid_training.compute_grads(grad_fns, param_blocks, imgs, targets) File "/raid/code/FRRN/FRRN-master/dltools/hybrid_training.py", line 150, in compute_grads result = grad_fnsi File "/usr/local/lib/python3.4/dist-packages/theano/compile/function_module.py", line 867, in call self.inv_finder[c])) TypeError: Missing required input: <TensorType(float32, 4D)>

    Process finished with exit code 1

    opened by cslxiao 2
  • How to install theano and lasagne on python 3.5.1

    How to install theano and lasagne on python 3.5.1

    Thank you so much for your open source code.

    I run into problems when install theano and lasagne on python3.5.1.

    First, I install python 3.5.1 from source code. Then, I use pip3.5 install theano and lasagne.

    Here is the error message Problem occurred during compilation with the command line below: /usr/bin/g++ -shared -g -march=core-avx2 -mcx16 -msahf -mmovbe -maes -mpclmul -mpopcnt -mabm -mno-lwp -mfma -mno-fma4 -mno-xop -mbmi -mbmi2 -mno-tbm -mavx -mavx2 -msse4.2 -msse4.1 -mlzcnt -mrtm -mhle -mrdrnd -mf16c -mfsgsbase -mrdseed -mprfchw -madx -mfxsr -mxsave -mxsaveopt --param l1-cache-size=32 --param l1-cache-line-size=64 --param l2-cache-size=51200 -mtune=generic -DNPY_NO_DEPRECATED_API=NPY_1_7_API_VERSION -m64 -fPIC -I/usr/local/lib/python3.5/site-packages/numpy/core/include -I/usr/local/include/python3.5m -I/usr/local/lib/python3.5/site-packages/theano/gof -fvisibility=hidden -o /root/.theano/compiledir_Linux-4.2--generic-x86_64-with-debian-jessie-sid-x86_64-3.5.1-64/lazylinker_ext/lazylinker_ext.so /root/.theano/compiledir_Linux-4.2--generic-x86_64-with-debian-jessie-sid-x86_64-3.5.1-64/lazylinker_ext/mod.cpp -L/usr/local/lib -lpython3.5m /usr/bin/ld: /usr/local/lib/libpython3.5m.a(abstract.o): relocation R_X86_64_32S against `_Py_NotImplementedStruct' can not be used when making a shared object; recompile with -fPIC /usr/local/lib/libpython3.5m.a: error adding symbols: Bad value collect2: error: ld returned 1 exit status

    Operating System :

    Ubuntu 14

    opened by gaopeng-eugene 2
  • I find a bug in train.py

    I find a bug in train.py

    @TobyPDE The batch_size in test_classification_loss is same to the batch_size in train_loss, which is default by 3 different to the value 1 in validation_provider.

        # Validation classification loss (supervised)
        test_classification_loss = dltools.utility.bootstrapped_categorical_cross_entropy4d_loss(
            test_predictions,
            target_var,
            batch_size = config["batch_size"],
            multiplier = 64)
    
        validation_provider = dltools.data.CityscapesHDDDataProvider(
            config["cityscapes_folder"],
            file_folder="val",
            batch_size=1,
            augmentor=None,
            sampling_factor=config["sample_factor"],
            random=False
        )
    
    opened by lliuz 2
  • Theano and Lasagne version

    Theano and Lasagne version

    I have problem when running the train.py, it shows me each time an error 'cannot import name 'downsample' and when i change the version of theano and Lasagne i have a problem with gpuarray.

    Can you please cite the exact version of Theano and Lasagne.

    Thank you

    opened by HaddedMohamed 0
  • cuDNN spatial log softmax and Chianti C++ library

    cuDNN spatial log softmax and Chianti C++ library

    Hi there, I'm really interested in using your network. However I get this error: 2017-11-01 17:15:45,539 ERROR Cannot create cuDNN spatial log softmax. Install cuDNN and make sure that uses the GPU. 2017-11-01 17:15:45,540 INFO Chianti C++ library is not available.Will default to slower Python implementation. I have updated theano and added " [lib]\n cnmem=1"to a .theanorc file in my home location. I really need your help,so I beg your reply.

    opened by zhangxiaohuixuhao 3
  • Adding in associative memory to the network structure

    Adding in associative memory to the network structure

    You might, if you have time, consider adding in associative memory to the structure of your neural networks on the presumption that it will give them extra "powers". Associative memory was a serious topic in the 1960's (see archive.org) through the 1970's and up to the time of Hopfield.
    Unfortunately all those researchers missed a very simple simple algorithm for doing associative memory: https://devtalk.nvidia.com/default/topic/1023786/cuda-programming-and-performance/walsh-hadamard-transform-based-ai/post/5208577/#5208577 The idea is to provide the deep network with "soft" memory that it can actually learn to use.

    opened by ghost 0
  •  ERROR Cannot create cuDNN spatial log softmax.

    ERROR Cannot create cuDNN spatial log softmax.

    2 warning and 1 error Using gpu device 0: GeForce GTX 1080 Ti (CNMeM is disabled, cuDNN 6021) /usr/local/lib/python2.7/dist-packages/theano/sandbox/cuda/init.py:600: UserWarning: Your cuDNN version is more recent than the one Theano officially supports. If you see any problems, try updating Theano or downgrading cuDNN to version 5. warnings.warn(warn)

    /usr/local/lib/python2.7/dist-packages/theano/tensor/signal/downsample.py:6: UserWarning: downsample module has been moved to the theano.tensor.signal.pool module. "downsample module has been moved to the theano.tensor.signal.pool module.")

    2017-09-08 19:34:11,781 ERROR Cannot create cuDNN spatial log softmax. Install cuDNN and make sure that theano uses the GPU.

    need your help

    opened by jhtao1860 1
  • train with smaller image resolution

    train with smaller image resolution

    I want to adapt the the resolution to 1280x800. Therefore I changed the IMAGE_ROWS and IMAGE_COLS in the train.py script and resized the train and val images. The training works but for prediction I get an "Segmentation fault (core dumped)" error. The images for prediction are also adapted to 1280x800. I tried also different sample sizes.

    any suggestions?

    Thanks

    opened by manuel-88 0
Owner
Toby Pohlen
Toby Pohlen
Image Super-Resolution Using Very Deep Residual Channel Attention Networks

Image Super-Resolution Using Very Deep Residual Channel Attention Networks

kongdebug 14 Oct 14, 2022
Torch implementation of "Enhanced Deep Residual Networks for Single Image Super-Resolution"

NTIRE2017 Super-resolution Challenge: SNU_CVLab Introduction This is our project repository for CVPR 2017 Workshop (2nd NTIRE). We, Team SNU_CVLab, (B

Bee Lim 625 Dec 30, 2022
Pytorch implementation of Deep Recursive Residual Network for Super Resolution (DRRN)

DRRN-pytorch This is an unofficial implementation of "Deep Recursive Residual Network for Super Resolution (DRRN)", CVPR 2017 in Pytorch. [Paper] You

yun_yang 192 Dec 12, 2022
Recall Loss for Semantic Segmentation (This repo implements the paper: Recall Loss for Semantic Segmentation)

Recall Loss for Semantic Segmentation (This repo implements the paper: Recall Loss for Semantic Segmentation) Download Synthia dataset The model uses

null 32 Sep 21, 2022
CoCosNet v2: Full-Resolution Correspondence Learning for Image Translation

CoCosNet v2: Full-Resolution Correspondence Learning for Image Translation (CVPR 2021, oral presentation) CoCosNet v2: Full-Resolution Correspondence

Microsoft 308 Dec 7, 2022
Learning Pixel-level Semantic Affinity with Image-level Supervision for Weakly Supervised Semantic Segmentation, CVPR 2018

Learning Pixel-level Semantic Affinity with Image-level Supervision This code is deprecated. Please see https://github.com/jiwoon-ahn/irn instead. Int

Jiwoon Ahn 337 Dec 15, 2022
PyTorch implementation of Wide Residual Networks with 1-bit weights by McDonnell (ICLR 2018)

1-bit Wide ResNet PyTorch implementation of training 1-bit Wide ResNets from this paper: Training wide residual networks for deployment using a single

Sergey Zagoruyko 122 Dec 7, 2022
A PyTorch implementation for PyramidNets (Deep Pyramidal Residual Networks)

A PyTorch implementation for PyramidNets (Deep Pyramidal Residual Networks) This repository contains a PyTorch implementation for the paper: Deep Pyra

Greg Dongyoon Han 262 Jan 3, 2023
Wide Residual Networks (WideResNets) in PyTorch

Wide Residual Networks (WideResNets) in PyTorch WideResNets for CIFAR10/100 implemented in PyTorch. This implementation requires less GPU memory than

Jason Kuen 296 Dec 27, 2022
RMNet: Equivalently Removing Residual Connection from Networks

RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.

null 8 Nov 4, 2021
Reproduce ResNet-v2(Identity Mappings in Deep Residual Networks) with MXNet

Reproduce ResNet-v2 using MXNet Requirements Install MXNet on a machine with CUDA GPU, and it's better also installed with cuDNN v5 Please fix the ran

Wei Wu 531 Dec 4, 2022
Implementation of CVPR 2020 Dual Super-Resolution Learning for Semantic Segmentation

Dual super-resolution learning for semantic segmentation 2021-01-02 Subpixel Update Happy new year! The 2020-12-29 update of SISR with subpixel conv p

Sam 79 Nov 24, 2022
Official and maintained implementation of the paper "OSS-Net: Memory Efficient High Resolution Semantic Segmentation of 3D Medical Data" [BMVC 2021].

OSS-Net: Memory Efficient High Resolution Semantic Segmentation of 3D Medical Data Christoph Reich, Tim Prangemeier, Özdemir Cetin & Heinz Koeppl | Pr

Christoph Reich 23 Sep 21, 2022
Official Implementation of HRDA: Context-Aware High-Resolution Domain-Adaptive Semantic Segmentation

HRDA: Context-Aware High-Resolution Domain-Adaptive Semantic Segmentation by Lukas Hoyer, Dengxin Dai, and Luc Van Gool [Arxiv] [Paper] Overview Unsup

Lukas Hoyer 149 Dec 28, 2022
Full body anonymization - Realistic Full-Body Anonymization with Surface-Guided GANs

Realistic Full-Body Anonymization with Surface-Guided GANs This is the official

Håkon Hukkelås 30 Nov 18, 2022
Segmentation in Style: Unsupervised Semantic Image Segmentation with Stylegan and CLIP

Segmentation in Style: Unsupervised Semantic Image Segmentation with Stylegan and CLIP Abstract: We introduce a method that allows to automatically se

Daniil Pakhomov 134 Dec 19, 2022
Graph Regularized Residual Subspace Clustering Network for hyperspectral image clustering

Graph Regularized Residual Subspace Clustering Network for hyperspectral image clustering

Yaoming Cai 5 Jul 18, 2022