All Projects → aimerykong → Recurrent Scene Parsing With Perspective Understanding In The Loop

aimerykong / Recurrent Scene Parsing With Perspective Understanding In The Loop

parsing scene images with understanding geometric perspective in the loop

Programming Languages

matlab
3953 projects

Projects that are alternatives of or similar to Recurrent Scene Parsing With Perspective Understanding In The Loop

Cartopy
Cartopy - a cartographic python library with matplotlib support
Stars: ✭ 857 (+2578.13%)
Mutual labels:  geometry
Price prediction lob
Deep learning for price movement prediction using high frequency limit order data
Stars: ✭ 27 (-15.62%)
Mutual labels:  recurrent-neural-networks
Theano Kaldi Rnn
THEANO-KALDI-RNNs is a project implementing various Recurrent Neural Networks (RNNs) for RNN-HMM speech recognition. The Theano Code is coupled with the Kaldi decoder.
Stars: ✭ 31 (-3.12%)
Mutual labels:  recurrent-neural-networks
3d Semantic Segmentation For Scene Parsing
A new approach for the real time 3D semantic segmentation based on feature abstract and deep learning method
Stars: ✭ 13 (-59.37%)
Mutual labels:  semantic-segmentation
Named Entity Recognition
name entity recognition with recurrent neural network(RNN) in tensorflow
Stars: ✭ 20 (-37.5%)
Mutual labels:  recurrent-neural-networks
Tf Unet
tensorflow version of unet
Stars: ✭ 29 (-9.37%)
Mutual labels:  semantic-segmentation
Pytorch Rdpg
PyTorch Implementation of the RDPG (Recurrent Deterministic Policy Gradient)
Stars: ✭ 25 (-21.87%)
Mutual labels:  recurrent-neural-networks
Deeplabv3 Plus
Tensorflow 2.3.0 implementation of DeepLabV3-Plus
Stars: ✭ 32 (+0%)
Mutual labels:  semantic-segmentation
Rnn Based Bitcoin Value Predictor
A Recurrent Neural Network to predict Bitcoin value
Stars: ✭ 21 (-34.37%)
Mutual labels:  recurrent-neural-networks
Opencv Cheat Sheet
Opencv cheat sheet for C++
Stars: ✭ 30 (-6.25%)
Mutual labels:  geometry
Rnn lstm gesture recog
For recognising hand gestures using RNN and LSTM... Implementation in TensorFlow
Stars: ✭ 14 (-56.25%)
Mutual labels:  recurrent-neural-networks
Fastlayerdecomposition
fast layer decomposition and updating
Stars: ✭ 20 (-37.5%)
Mutual labels:  geometry
Enet Sad pytorch
Pytorch implementation of "Learning Lightweight Lane Detection CNNs by Self Attention Distillation (ICCV 2019)"
Stars: ✭ 30 (-6.25%)
Mutual labels:  semantic-segmentation
Kaggle Carvana Image Masking Challenge
Top 15% ranked solution to the Carvana Image Masking Challenge on Kaggle
Stars: ✭ 13 (-59.37%)
Mutual labels:  semantic-segmentation
Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (+2896.88%)
Mutual labels:  recurrent-neural-networks
Face Parsing.pytorch
Using modified BiSeNet for face parsing in PyTorch
Stars: ✭ 838 (+2518.75%)
Mutual labels:  semantic-segmentation
Ssc
Semantic Scene Completion
Stars: ✭ 29 (-9.37%)
Mutual labels:  semantic-segmentation
Pytorch Auto Drive
Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, SAD, PRNet, RESA, LSTR...) based on PyTorch 1.6 with mixed precision training
Stars: ✭ 32 (+0%)
Mutual labels:  semantic-segmentation
Byrne Euclid
MetaPost + ConTeXt rendition of Oliver Byrne's "The first six books of the Elements of Euclid"
Stars: ✭ 960 (+2900%)
Mutual labels:  geometry
Midv 500 Models
Model for document segmentation trained on the midv-500-models dataset.
Stars: ✭ 31 (-3.12%)
Mutual labels:  semantic-segmentation

Recurrent Scene Parsing with Perspective Understanding in the Loop

alt text

Objects may appear at arbitrary scales in perspective images of a scene, posing a challenge for recognition systems that process an image at a fixed resolution. We propose a depth-aware gating module that adaptively chooses the pooling field size in a convolutional network architecture according to the object scale (inversely proportional to the depth) so that small details can be preserved for objects at distance and a larger receptive field can be used for objects nearer to the camera. The depth gating signal is provided from stereo disparity (when available) or estimated directly from a single image. We integrate this depth-aware gating into a recurrent convolutional neural network trained in an end-to-end fashion to perform semantic segmentation. Our recurrent module iteratively refines the segmentation results, leveraging the depth estimate and output prediction from the previous loop. Through extensive experiments on three popular large-scale RGB-D datasets, we demonstrate our approach achieves competitive semantic segmentation performance using more compact model than existing methods. Interestingly, we find segmentation performance improves when we estimate depth directly from the image rather than using "ground-truth" and the model produces state-of-the-art results for quantitative depth estimation from a single image.

For details, please refer to our project page

To download our models, please go google drive and put the models in directory 'models'.

MatConvNet is used in our project, some functions are changed. So it might be required to re-compile. Useful commands are --

LD_LIBRARY_PATH=/usr/local/cuda-7.5/lib64:local matlab 

path_to_matconvnet = '../matconvnet';
run(fullfile(path_to_matconvnet, 'matlab', 'vl_setupnn'));
addpath(fullfile(path_to_matconvnet, 'matlab'));
vl_compilenn('enableGpu', true, ...
               'cudaRoot', '/usr/local/cuda-7.5', ...
               'cudaMethod', 'nvcc', ...
               'enableCudnn', true, ...
               'cudnnRoot', '/usr/local/cuda-7.5/cudnn-v5') ;

If you find the code useful, please cite our work

@article{kong2017depthsegRNN,
  title={Recurrent Scene Parsing with Perspective Understanding in the Loop},
  author={Kong, Shu and Fowlkes, Charless},
  journal={arXiv preprint arXiv:1705.07238},
  year={2017}
}

05/24/2017 Shu Kong @ UCI

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].