All Projects → bborja → wasr_network

bborja / wasr_network

Licence: Apache-2.0 license
WaSR Segmentation Network for Unmanned Surface Vehicles v0.5

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to wasr network

Erfnet pytorch
Pytorch code for semantic segmentation using ERFNet
Stars: ✭ 304 (+850%)
Mutual labels:  semantic, segmentation, semantic-segmentation
Superpoint graph
Large-scale Point Cloud Semantic Segmentation with Superpoint Graphs
Stars: ✭ 533 (+1565.63%)
Mutual labels:  semantic, segmentation, semantic-segmentation
Bcdu Net
BCDU-Net : Medical Image Segmentation
Stars: ✭ 314 (+881.25%)
Mutual labels:  semantic, segmentation, semantic-segmentation
kitti deeplab
Inference script and frozen inference graph with fine tuned weights for semantic segmentation on images from the KITTI dataset.
Stars: ✭ 26 (-18.75%)
Mutual labels:  semantic, semantic-segmentation
Semantic Segmentation Suite
Semantic Segmentation Suite in TensorFlow. Implement, train, and test new Semantic Segmentation models easily!
Stars: ✭ 2,395 (+7384.38%)
Mutual labels:  segmentation, semantic-segmentation
Fcn
Chainer Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Stars: ✭ 211 (+559.38%)
Mutual labels:  segmentation, semantic-segmentation
Keras Segmentation Deeplab V3.1
An awesome semantic segmentation model that runs in real time
Stars: ✭ 156 (+387.5%)
Mutual labels:  segmentation, semantic-segmentation
Lidar Bonnetal
Semantic and Instance Segmentation of LiDAR point clouds for autonomous driving
Stars: ✭ 465 (+1353.13%)
Mutual labels:  semantic, segmentation
Multi Human Parsing
🔥🔥Official Repository for Multi-Human-Parsing (MHP)🔥🔥
Stars: ✭ 507 (+1484.38%)
Mutual labels:  semantic, segmentation
Dataset loaders
A collection of dataset loaders
Stars: ✭ 187 (+484.38%)
Mutual labels:  semantic, segmentation
Kittiseg
A Kitti Road Segmentation model implemented in tensorflow.
Stars: ✭ 873 (+2628.13%)
Mutual labels:  semantic, segmentation
DocuNet
Code and dataset for the IJCAI 2021 paper "Document-level Relation Extraction as Semantic Segmentation".
Stars: ✭ 84 (+162.5%)
Mutual labels:  segmentation, semantic-segmentation
Keras Unet
Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks
Stars: ✭ 196 (+512.5%)
Mutual labels:  segmentation, semantic-segmentation
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+7415.63%)
Mutual labels:  segmentation, semantic-segmentation
Awesome Carla
👉 CARLA resources such as tutorial, blog, code and etc https://github.com/carla-simulator/carla
Stars: ✭ 246 (+668.75%)
Mutual labels:  segmentation, autonomous-vehicles
Hrnet Semantic Segmentation
The OCR approach is rephrased as Segmentation Transformer: https://arxiv.org/abs/1909.11065. This is an official implementation of semantic segmentation for HRNet. https://arxiv.org/abs/1908.07919
Stars: ✭ 2,369 (+7303.13%)
Mutual labels:  segmentation, semantic-segmentation
Dilation Tensorflow
A native Tensorflow implementation of semantic segmentation according to Multi-Scale Context Aggregation by Dilated Convolutions (2016). Optionally uses the pretrained weights by the authors.
Stars: ✭ 134 (+318.75%)
Mutual labels:  segmentation, semantic-segmentation
Kiu Net Pytorch
Official Pytorch Code of KiU-Net for Image Segmentation - MICCAI 2020 (Oral)
Stars: ✭ 134 (+318.75%)
Mutual labels:  segmentation, semantic-segmentation
hyperseg
HyperSeg - Official PyTorch Implementation
Stars: ✭ 174 (+443.75%)
Mutual labels:  segmentation, semantic-segmentation
CAP augmentation
Cut and paste augmentation for object detection and instance segmentation
Stars: ✭ 93 (+190.63%)
Mutual labels:  segmentation, semantic-segmentation

WaSR -- A Water Segmentation and Refinement Maritime Obstacle Detection Network

https://arxiv.org/abs/2001.01921 (ICRA 2020)
https://youtube.com/watch?v=K78NZbtKYVM (ICRA 2020 Video Presentation)
https://ieeexplore.ieee.org/document/9477208 (IEEE TCYB 2021 - WaSR2 extension)
https://github.com/lojzezust/WaSR (Pytorch Reimplementation of WaSR network)

Obstacle detection using semantic segmentation has become an established approach in autonomous vehicles. However, existing segmentation methods, primarily developed for ground vehicles, are inadequate in an aquatic environment as they produce many false positive (FP) detections in the presence of water reflections and wakes. We propose a novel deep encoder-decoder architecture, a water segmentation and refinement (WaSR) network, specifically designed for the marine environment to address these issues. A deep encoder based on ResNet101 with atrous convolutions enables the extraction of rich visual features, while a novel decoder gradually fuses them with inertial information from the inertial measurement unit (IMU). The inertial information greatly improves the segmentation accuracy of the water component in the presence of visual ambiguities, such as fog on the horizon. Furthermore, a novel loss function for semantic separation is proposed to enforce the separation of different semantic components to increase the robustness of the segmentation. We investigate different loss variants and observe a significant reduction in false positives and an increase in true positives (TP). Experimental results show that WaSR outperforms the current state-of-the-art by approximately 4% in F1-score on a challenging USV dataset. WaSR shows remarkable generalization capabilities and outperforms the state of the art by over 24% in F1 score on a strict domain generalization experiment.

Updates:

  • [August 2021] Pytorch reimplementation made available
  • [July 2021] Added ICRA2020 Presentation Video
  • [June 2021] Added IMU version and pretrained weights (as seen in the TCYB paper)
  • [March 2020] Thomas Clunie ported WaSR to Python3 and Tensorflow 1.15.2
  • [February 2020] Initial commit

To-Do:

  • Port the IMU variation fully to Python
  • Upload requirements.txt file for quick installation
  • Re-upload weights
  • Update the read-me file

1. Installation

Requirements

To successfully run WaSR you will need the following packages:

Execute the following sequence of commands to download and install required packages and libraries (Ubuntu):

$ sudo apt-get update
$ sudo apt-get install python2.7
$ sudo apt-get install python-opencv
$ pip install -r requirements.txt

2. Architecture overview

The WaSR architecture consists of a contracting path (encoder) and an expansive path (decoder). The purpose of the encoder is construction of deep rich features, while the primary task of the decoder is fusion of inertial and visual information, increasing the spatial resolution and producing the segmentation output.

Encoder

Following the recent analysis [1] of deep networks on a maritime segmentation task, we base our encoder on the low-to-mid level backbone parts of DeepLab2 [2], i.e., a ResNet-101 [3] backbone with atrous convolutions. In particular, the model is composed of four residual convolutional blocks (denoted as res2, res3, res4 and res5) combined with max-pooling layers. Hybrid atrous convolutions are added to the last two blocks for increasing the receptive field and encoding a local context information into deep features.

Decoder

The primary tasks of the decoder is fusion of visual and inertial information. We introduce the inertial information by constructing an IMU feature channel that encodes location of horizon at a pixel level. In particular, camera-IMU projection [4] is used to estimate the horizon line and a binary mask with all pixels below the horizon set to one is constructed. This IMU mask serves a prior probability of water location and for improving the estimated location of the water edge in the output segmentation.

The IMU mask is treated as an externally generated feature channel, which is fused with the encoder features at multiple levels of the decoder. However, the values in the IMU channel and the encoder features are at different scales. To avoid having to manually adjust the fusion weights, we apply approaches called Attention Refinement Modules (ARM) and Feature Fusion Module (FFM) proposed by [5] to learn an optimal fusion strategy.

The final block of the decoder is Atrous Spatial Pyramid Pooling (ASPP) module [2], followed by a softmax which improve the segmentation of small structures (such as small buoys) and produces the final segmentation mask.

Semantic seperation loss

Since we would like to enforce clustering of water features, we can approximate their distribution by a Guassian with per-channel means and variances, where we assume channel independence for computational tractability. Similarity of all other pixels corresponding to obstacles can be measured as a joint probability under this Gaussian, i.e.,

We would like to enforce learning of features that minimize this probability. By expanding the equation for water per-channel standard deviations, taking the log of the above equation, flipping the sign and inverting, we arrive at the following equivalent obstacle-water separation loss

3. Running WaSR

Training

To train the network from scratch (or from some pretrained weights) use scripts wasr_train_noimu.py for the NO-IMU variation or wasr_train_imu.py for the IMU variation. Both scripts expect the same input arguments. When fine-tunning the network make sure to freeze the pretrained parameters for initial n iterations and train only the last layer.

Input Arguments

  • batch-size - number of images sent to the network in one step
  • data-dir - path to the directory containing the MODD2 dataset
  • data-list - path to the file listing the images in the dataset
  • grad-update-every - number of steps after which gradient update is applied
  • ignore-label - the value of the label to ignore during the training
  • input-size - comma-separated string with height and width of images (default: 384,512)
  • is-training - whether to update the running means and variances during the training
  • learning-rate - base learning rate for training with polynomial decay
  • momentum - moment component of the optimiser
  • not-restore-last - whether to no restore last layers (when using weights from pretrained encoder network)
  • num-classes - number of classes to predict
  • num-steps - number of training steps (this are not epoch!)
  • power - decay parameter to compute the learning rate
  • restore-from - where restore model parameters from
  • snapshot-dir - where to save snapshots of the model
  • weight-decay - regularisation parameter for L2-loss

Pretrained Weights

  • WaSR NO-IMU variant - weights are available for download here
  • WaSR IMU variant - weights are available for download here

Inference

To perform the inference on a specific single image use scripts wasr_inference_noimu_general.py for the WaSR NO-IMU variant or wasr_inference_imu_general.py for the WaSR IMU variant. Both scripts expect the same input arguments and can be run on images from arbitrary maritime dataset.

Input Arguments (General Inference)

  • dataset-path - path to MODD2 dataset files on which inference is performed
  • model-weights - path to the file with model weights
  • num-classes - number of classes to predict
  • save-dir - where to save predicted mask
  • img-path - path to the image on which we want to run inference

Example usage:

python wasr_inference_noimu_general.py --img-path example_1.jpg

The above command will take image example_1.jpg from folder test_images/ and segment it. The segmentation result will be saved in the output/ folder by default.

Example input image Example segmentation output

To run the inference on the MODD2 dataset use the provided bash scripts wasr_inferences_noimu.sh for the WaSR NO-IMU variant or wasr_inferences_imu.sh for the WaSR IMU variant. Bash scripts will run corresponding Python codes (wasr_inference_noimu.py and wasr_inference_imu.py).

Input Arguments (Python MODD2 inference script)

  • dataset-path - path to MODD2 dataset files on which inference is performed
  • model-weights - path to the file with model weights
  • num-classes - number of classes to predict
  • save-dir - where to save predicted mask
  • seq - sequence number to evaluate
  • seq-txt - path to the file listing the images in the sequence

Cite

Please cite our WaSR paper(s) if you use the provided code:

@inproceedings{bovcon2020water,
  title={A water-obstacle separation and refinement network for unmanned surface vehicles},
  author={Bovcon, Borja and Kristan, Matej},
  booktitle={2020 IEEE International Conference on Robotics and Automation (ICRA)},
  pages={9470--9476},
  year={2020},
  organization={IEEE}
}
@article{bovconwasr,
  title={WaSR--A Water Segmentation and Refinement Maritime Obstacle Detection Network},
  author={Bovcon, Borja and Kristan, Matej},
  journal={IEEE transactions on cybernetics}
}

4. References

[1] Bovcon et. al, The MaSTr1325 Dataset for Training Deep USV Obstacle Detection Models, IROS 2019
[2] Chen et. al, Deeplab: Semantic image segmentation with deep convolutional nets, atrous convolution, and fully connected crfs, TPAMI 2018
[3] He et. al, Deep residual learning for image recognition, CVPR 2016
[4] Bovcon et. al, Stereo Obstacle Detection for Unmanned Surface Vehicles by IMU-assisted Semantic Segmentation, RAS 2018
[5] Yu et. al, Bisenet: Bilateral segmentation network for real-time semantic segmentation, ECCV 2018

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].