All Projects → zhaocongyang → LSDNN

zhaocongyang / LSDNN

Licence: other
A robust laser stripe extraction method for structured-light vision sensing

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to LSDNN

Visual-Transformer-Paper-Summary
Summary of Transformer applications for computer vision tasks.
Stars: ✭ 51 (+200%)
Mutual labels:  segmentation
VOS-Paper-List
Semi-Supervised Video Object Segmentation(VOS) Paper List
Stars: ✭ 28 (+64.71%)
Mutual labels:  segmentation
nlp-pure
Natural language processing algorithms implemented in pure Ruby with minimal dependencies
Stars: ✭ 19 (+11.76%)
Mutual labels:  segmentation
tensorrt-examples
TensorRT Examples (TensorRT, Jetson Nano, Python, C++)
Stars: ✭ 31 (+82.35%)
Mutual labels:  segmentation
deepflash2
A deep-learning pipeline for segmentation of ambiguous microscopic images.
Stars: ✭ 34 (+100%)
Mutual labels:  segmentation
TensorFlow-Advanced-Segmentation-Models
A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.
Stars: ✭ 64 (+276.47%)
Mutual labels:  segmentation
acdc segmenter
Public code for our submission to the 2017 ACDC Cardiac Segmentation challenge
Stars: ✭ 68 (+300%)
Mutual labels:  segmentation
automated-deep-photo-style-transfer
TensorFlow implementation for the paper "Automated Deep Photo Style Transfer"
Stars: ✭ 92 (+441.18%)
Mutual labels:  segmentation
Baysor
Bayesian Segmentation of Spatial Transcriptomics Data
Stars: ✭ 53 (+211.76%)
Mutual labels:  segmentation
PAPC
PAPC is a deep learning for point clouds platform based on pure PaddlePaddle
Stars: ✭ 55 (+223.53%)
Mutual labels:  segmentation
face video segment
Face Video Segmentation - Face segmentation ground truth from videos
Stars: ✭ 84 (+394.12%)
Mutual labels:  segmentation
cluster tools
Distributed segmentation for bio-image-analysis
Stars: ✭ 26 (+52.94%)
Mutual labels:  segmentation
CISTEM
Stemmer for German
Stars: ✭ 33 (+94.12%)
Mutual labels:  segmentation
pointnet2-pytorch
A clean PointNet++ segmentation model implementation. Support batch of samples with different number of points.
Stars: ✭ 45 (+164.71%)
Mutual labels:  segmentation
cellcount
A Convolutional Neural Network for Segmenting and Counting Cells in Microscopy Images
Stars: ✭ 51 (+200%)
Mutual labels:  segmentation
Semantic-Aware-Attention-Based-Deep-Object-Co-segmentation
Semantic Aware Attention Based Deep Object Co-segmentation
Stars: ✭ 61 (+258.82%)
Mutual labels:  segmentation
adaptive-segmentation-mask-attack
Pre-trained model, code, and materials from the paper "Impact of Adversarial Examples on Deep Learning Models for Biomedical Image Segmentation" (MICCAI 2019).
Stars: ✭ 50 (+194.12%)
Mutual labels:  segmentation
ArabicProcessingCog
A Python package that do stemming, tokenization, sentence breaking, segmentation, normalization, POS tagging for Arabic language.
Stars: ✭ 19 (+11.76%)
Mutual labels:  segmentation
dilation-keras
Multi-Scale Context Aggregation by Dilated Convolutions in Keras.
Stars: ✭ 72 (+323.53%)
Mutual labels:  segmentation
HyperDenseNet pytorch
Pytorch version of the HyperDenseNet deep neural network for multi-modal image segmentation
Stars: ✭ 58 (+241.18%)
Mutual labels:  segmentation

Laser-stripe-detection-neural-network

Update on 2020/07/20. Provide model trained on my own datasets.

TODO

  • Support different backbones
  • Multi-GPU training
Backbone train/eval epoch mIoU in val
ResNet 300 74.31%
MobileNet 300 70.04%
DRN 300 63.14%

paper

A Robust Laser Stripe Extraction Method for Structured-Light Vision Sensing https://www.mdpi.com/1424-8220/20/16/4544

Introduction

This is a PyTorch(1.4.0+cu100) implementation of Laser-stripe-detection-neural-network(LSDNN) which can eliminate the interference of reflective noise and haze noise and realize the highly robust extraction of laser stripes region.

overview

The result of segmentation and extraction dealing with different noises. the input image (1920×1920 pixels). The middle column is the output of our network, where different colors denote different categories. The right column is the result of the center extraction based on the segmentation. The laser stripe’s center is marked as green.

Seg Results

The result of 3D reconstruction 3D reconstruction

Dataset

Dataset we used is made by ourselves. You can download the dataset from [baiduyun](链接:https://pan.baidu.com/s/1FA93B6Gzby5eESHk-RnT_Q 密码:gq6u).

More result image

You can download the more result image from [baiduyun](链接:https://pan.baidu.com/s/1TWJXz_bkGmUVgUi4qZUCIA 密码:61uo).

Installation

The code was tested with Anaconda and Python 3.6. After installing the Anaconda environment:

  1. Clone the repo:

    git clone [email protected]:zhaocongyang/LSDNN.git
    cd LSDNN
  2. Install dependencies:

    For PyTorch dependency, see pytorch.org for more details.

    For custom dependencies:

    pip install matplotlib pillow tensorboardX tqdm

Training

Fellow steps below to train your model:

  1. Configure your dataset path in mypath.py.

  2. To train LSDNN using our dataset and ResNet as backbone:

    sh train_voc.sh

Testing

Fellow steps below to test your model:

  1. You can download model trained by us from [baiduyun](链接:https://pan.baidu.com/s/1h4X0UaKIeff4ZBC1oU1C2A 密码:r3k7).

  2. To test the model

    CUDA_VISIBLE_DEVICES=0 python test_center_gpu_sensors.py

demo with single image

Fellow steps below to run a demo:

  1. Configure your image path

  2. To run a demo

    CUDA_VISIBLE_DEVICES=0 python single_demo.py
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].