All Projects → alinstein → Depth_estimation

alinstein / Depth_estimation

Licence: MIT License
Deep learning model to estimate the depth of image.

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Depth estimation

DE resnet unet hyb
Depth estimation from RGB images using fully convolutional neural networks.
Stars: ✭ 40 (-35.48%)
Mutual labels:  unet, depth-estimation
FisheyeDistanceNet
FisheyeDistanceNet
Stars: ✭ 33 (-46.77%)
Mutual labels:  depth-estimation, monocular-depth-estimation
rectified-features
[ECCV 2020] Single image depth prediction allows us to rectify planar surfaces in images and extract view-invariant local features for better feature matching
Stars: ✭ 57 (-8.06%)
Mutual labels:  depth-estimation, monocular-depth-estimation
EPCDepth
[ICCV 2021] Excavating the Potential Capacity of Self-Supervised Monocular Depth Estimation
Stars: ✭ 105 (+69.35%)
Mutual labels:  depth-estimation, monocular-depth-estimation
SGDepth
[ECCV 2020] Self-Supervised Monocular Depth Estimation: Solving the Dynamic Object Problem by Semantic Guidance
Stars: ✭ 162 (+161.29%)
Mutual labels:  depth-estimation, monocular-depth-estimation
TensorMONK
A collection of deep learning models (PyTorch implemtation)
Stars: ✭ 21 (-66.13%)
Mutual labels:  unet, mobilenetv2
Visualizing-CNNs-for-monocular-depth-estimation
official implementation of "Visualization of Convolutional Neural Networks for Monocular Depth Estimation"
Stars: ✭ 120 (+93.55%)
Mutual labels:  depth-estimation, monocular-depth-estimation
DiverseDepth
The code and data of DiverseDepth
Stars: ✭ 150 (+141.94%)
Mutual labels:  depth-estimation, monocular-depth-estimation
OMG Depth Fusion
Probabilistic depth fusion based on Optimal Mixture of Gaussians for depth cameras
Stars: ✭ 52 (-16.13%)
Mutual labels:  depth-estimation
Learning2AdaptForStereo
Code for: "Learning To Adapt For Stereo" accepted at CVPR2019
Stars: ✭ 73 (+17.74%)
Mutual labels:  depth-estimation
LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
Stars: ✭ 710 (+1045.16%)
Mutual labels:  mobilenetv2
sc depth pl
Pytorch Lightning Implementation of SC-Depth (V1, V2...) for Unsupervised Monocular Depth Estimation.
Stars: ✭ 86 (+38.71%)
Mutual labels:  depth-estimation
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 (+133.87%)
Mutual labels:  unet
Semantic-Mono-Depth
Geometry meets semantics for semi-supervised monocular depth estimation - ACCV 2018
Stars: ✭ 98 (+58.06%)
Mutual labels:  depth-estimation
pyro-vision
Computer vision library for wildfire detection
Stars: ✭ 33 (-46.77%)
Mutual labels:  mobilenetv2
CSPN monodepth
Unofficial Faster PyTorch implementation of Convolutional Spatial Propagation Network
Stars: ✭ 66 (+6.45%)
Mutual labels:  monocular-depth-estimation
CFUN
Combining Faster R-CNN and U-net for efficient medical image segmentation
Stars: ✭ 109 (+75.81%)
Mutual labels:  unet
unet-pytorch
No description or website provided.
Stars: ✭ 18 (-70.97%)
Mutual labels:  unet
unet pytorch
Pytorch implementation of UNet for converting aerial satellite images into google maps kinda images.
Stars: ✭ 27 (-56.45%)
Mutual labels:  unet
Structured-Light-Depth-Acquisition
Matlab Implementation of a 3D Reconstruction algorithm
Stars: ✭ 48 (-22.58%)
Mutual labels:  depth-estimation

Monocular Depth Estimation with Transfer Learning pretrained MobileNetV2

This project implements a deep learning neural network model to generate the depth image of a given image. Model is a U-net model with MobileNetV2 as the encoder, and model has utilized skip connection from encoder to decoder. Model generates a depth image of resolution 480x640 for input image of same size.

Results

This project was implemented taking reference from the following paper:

High Quality Monocular Depth Estimation via Transfer Learning (arXiv 2018) [Ibraheem Alhashim] and Peter Wonka

Getting Started

Model is trained using the IPYTHON file "train_mobilenetv2.ipynb".
  • Download the dataset and give the location of dataset.
  • Change the following according to the needs: batch_size, epochs, lr (learning rate). Load the pretrained model if needed.
IPYTHON file "test_img.ipynb" can be used to generate the depth image on pretrained model.
  • Give the location for the dictionary of images to be converted and load the pretrained model
IPYTHON file "test_video.ipynb" can be used to generate the depth video on pretrained model.
  • Give the location for the dictionary of images to be converted and load the pretrained model.

Implementation of the Depth estimation using Densenet model is in the folder "Densenet_depth_model".

Dataset

  • NYU Depth V2 (50K) (4.1 GB): File is extraced while running the "train_mobilenetv2.ipynb".

Download the pretrained model

  • Mobilenet (55 MB). Pretrained model is trained on 2 NVIDIA GeForce GTX 1080 for 6 hours(6 epoches).

Author

Written by Alinstein Jose, University of Victoria.

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