All Projects → karoly-hars → DE_resnet_unet_hyb

karoly-hars / DE_resnet_unet_hyb

Licence: BSD-3-Clause License
Depth estimation from RGB images using fully convolutional neural networks.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to DE resnet unet hyb

LibtorchTutorials
This is a code repository for pytorch c++ (or libtorch) tutorial.
Stars: ✭ 463 (+1057.5%)
Mutual labels:  resnet, unet
Depth estimation
Deep learning model to estimate the depth of image.
Stars: ✭ 62 (+55%)
Mutual labels:  unet, depth-estimation
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+8837.5%)
Mutual labels:  resnet, unet
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+1265%)
Mutual labels:  resnet, unet
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+8397.5%)
Mutual labels:  resnet, unet
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (+22.5%)
Mutual labels:  resnet, unet
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+685%)
Mutual labels:  resnet, unet
Ai papers
AI Papers
Stars: ✭ 253 (+532.5%)
Mutual labels:  resnet, unet
TensorMONK
A collection of deep learning models (PyTorch implemtation)
Stars: ✭ 21 (-47.5%)
Mutual labels:  resnet, unet
Learning2AdaptForStereo
Code for: "Learning To Adapt For Stereo" accepted at CVPR2019
Stars: ✭ 73 (+82.5%)
Mutual labels:  depth-estimation
pytorch-Deep-Steganography
core code for High-Capacity Convolutional Video Steganography with Temporal Residual Modeling
Stars: ✭ 31 (-22.5%)
Mutual labels:  unet
resnet.torch
an updated version of fb.resnet.torch with many changes.
Stars: ✭ 35 (-12.5%)
Mutual labels:  resnet
onnx tensorrt project
Support Yolov5(4.0)/Yolov5(5.0)/YoloR/YoloX/Yolov4/Yolov3/CenterNet/CenterFace/RetinaFace/Classify/Unet. use darknet/libtorch/pytorch/mxnet to onnx to tensorrt
Stars: ✭ 145 (+262.5%)
Mutual labels:  unet
Keras-CIFAR10
practice on CIFAR10 with Keras
Stars: ✭ 25 (-37.5%)
Mutual labels:  resnet
motion trace bulk
MMDモーショントレース自動化一括処理バッチ
Stars: ✭ 36 (-10%)
Mutual labels:  depth-estimation
HoHoNet
"HoHoNet: 360 Indoor Holistic Understanding with Latent Horizontal Features" official pytorch implementation.
Stars: ✭ 65 (+62.5%)
Mutual labels:  depth-estimation
general backbone
No description or website provided.
Stars: ✭ 37 (-7.5%)
Mutual labels:  resnet
pyro-vision
Computer vision library for wildfire detection
Stars: ✭ 33 (-17.5%)
Mutual labels:  resnet
CBAM-tensorflow-slim
CBAM implementation on TensorFlow Slim
Stars: ✭ 104 (+160%)
Mutual labels:  resnet
unet-pytorch
No description or website provided.
Stars: ✭ 18 (-55%)
Mutual labels:  unet

Hybrid CNN for Single Image Depth Estimation

This repository contains a CNN trained for single image depth estimation. The backbone of the architecture is the network from Laina et. al, which we enhanced with Unet-like lateral connections to increase its accuracy. The network is trained on the NYU Depth v2 dataset. The repository also contains the code snippet we used for evaluation on test set of the NYU Depth v2 dataset, the test set itself (654 RGB images with their corresponding depth maps), and two short scripts for predicting the depth of RGB images and videos.

Paper Describing the Approach:

Károly Harsányi, Attila Kiss, András Majdik, Tamás Szirányi: A Hybrid CNN Approach for Single Image Depth Estimation: A Case Study. IWCIM - 6th International Workshop on Computational Intelligence for Multimedia Understanding, 2018

Requirements

The code was tested with:

  • python 3.5 and 3.6
  • pytorch (and torchvision) 1.3.0
  • opencv-python 3.4.3
  • matplotlib 2.2.3
  • numpy 1.15.4

Guide

  • Evaluation on the NYU_depth_v2 test set:
python3 compute_errors.py
  • Predicting the depth of an arbitrary image:
python3 predict_img.py -i <path_to_image>
  • Predicting the depth from a video:
python3 predict_vid.py -i <path_to_video>

Evalutation

  • Quantitative results:
REL RMSE Log10 δ1 δ2 δ3
0.130 0.593 0.057 0.833 0.960 0.989
  • Qualitative results: Screenshot

Acknowledgments

Most of the code for the ResNet50 architecture comes from pytorch/vision, and a few lines of code were borrowed from FCRN-DepthPrediction.

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