All Projects → tamasino52 → Railroad_and_Obstacle_detection

tamasino52 / Railroad_and_Obstacle_detection

Licence: other
This program detect and identify obstacle on railway. If program detect some obstacle that train must stop, program gives you warning sign. This program Also estimate riskiness of obstacle how it is negligible or not. We provide many models to you to detect railways and obstacles.

Programming Languages

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

Projects that are alternatives of or similar to Railroad and Obstacle detection

grafikon
Timetables for model railway. Useful for meets with modules (like FREMO, Free-mo etc).
Stars: ✭ 19 (+35.71%)
Mutual labels:  railway, railroad
Pytorchnethub
项目注释+论文复现+算法竞赛
Stars: ✭ 341 (+2335.71%)
Mutual labels:  faster-rcnn, unet
CFUN
Combining Faster R-CNN and U-net for efficient medical image segmentation
Stars: ✭ 109 (+678.57%)
Mutual labels:  faster-rcnn, unet
TensorFlow-Advanced-Segmentation-Models
A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.
Stars: ✭ 64 (+357.14%)
Mutual labels:  unet, segmentation-model
Faster rcnn Cplusplus vs2013
faster-rcnn_VS2013with C++
Stars: ✭ 77 (+450%)
Mutual labels:  faster-rcnn
unet-pytorch
No description or website provided.
Stars: ✭ 18 (+28.57%)
Mutual labels:  unet
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 (+935.71%)
Mutual labels:  unet
Faster-RCNN-Pytorch-Simple
No description or website provided.
Stars: ✭ 24 (+71.43%)
Mutual labels:  faster-rcnn
unet
美发目标分割 + 染发展示
Stars: ✭ 23 (+64.29%)
Mutual labels:  unet
faster-rcnn-pedestrian-detection
Faster R-CNN for pedestrian detection
Stars: ✭ 31 (+121.43%)
Mutual labels:  faster-rcnn
Depth estimation
Deep learning model to estimate the depth of image.
Stars: ✭ 62 (+342.86%)
Mutual labels:  unet
faster rcnn
Another pytorch implementation of Faster RCNN.
Stars: ✭ 24 (+71.43%)
Mutual labels:  faster-rcnn
VisDrone2018
ECCV2018(Challenge-Object Detection in Images)
Stars: ✭ 86 (+514.29%)
Mutual labels:  faster-rcnn
Image-Restoration
Image registration using pytorch
Stars: ✭ 26 (+85.71%)
Mutual labels:  unet
DDUnet-Modified-Unet-for-WMH-with-Dense-Dilate
WMH segmentaion with unet, dilated_unet, and with ideas from denseNet
Stars: ✭ 23 (+64.29%)
Mutual labels:  unet
unet pytorch
Pytorch implementation of UNet for converting aerial satellite images into google maps kinda images.
Stars: ✭ 27 (+92.86%)
Mutual labels:  unet
Faster-RCNN-TensorFlow
TensorFlow implementation of Faster RCNN for Object Detection
Stars: ✭ 13 (-7.14%)
Mutual labels:  faster-rcnn
awesome-lidar
😎 Awesome LIDAR list. The list includes LIDAR manufacturers, datasets, point cloud-processing algorithms, point cloud frameworks and simulators.
Stars: ✭ 217 (+1450%)
Mutual labels:  obstacle-detection
VisDrone-dataset-python-toolkit
This repository provides a basic Pythonic toolkit for the VisDrone-Dataset (2018).
Stars: ✭ 30 (+114.29%)
Mutual labels:  faster-rcnn
pytorch-Deep-Steganography
core code for High-Capacity Convolutional Video Steganography with Temporal Residual Modeling
Stars: ✭ 31 (+121.43%)
Mutual labels:  unet

Project General Outline

Hits

This is project for Spartan SW cooperation in Soongsil University

Our topic starts to set a camera on the front of the train to detect tracks and obstacles. The system is designed to minimize casualties and property damage by sending a signal to the engineer when the detected obstacle is on the track and there is a possibility of serious casualties or equipment damage in the event of a collision. For this purpose, the image of the track and the masked data were studied to create a Segmentation Model. Also we selected Object Detection Deep Learning Model to recognize obstacle.

The data used for learning was prepared with track and train models and taken in a controlled environment. Our ultimate goal is to detect and signal the driver, even when any obstacles are detected, but because this project was designed for demonstration rather than for actual commercialization, we planned to learn only a few pre-selected obstacles and demonstrate them in a controlled environment. And because the number of used data is low, we've use Augmentation it in a variety of ways.

Award & Performance

  1. Bronze Prize on Software Contest In Soongsil Univercity 2019.11.07
  2. Korean Software Registeration - Railway Obstacle Detection System(RODS) / Railroad Tracker 2019.11.30
  3. Patent Registeration - Railroad Obstacle Detection System(RODS) 2019.11.30

Models

  1. Railway Segmentation model : U-net
  2. Obstacle Detection model : Faster-RCNN-Inception-V2

We used some of EdjeElectronics's code to design the model. The original author's Githeub code address is as follows. https://github.com/EdjeElectronics/TensorFlow-Object-Detection-API-Tutorial-Train-Multiple-Objects-Windows-10

Workflow:

  1. Setting for training
  2. Training model(You can skip this to download pretrained models)
  3. Run Project

Time Estimated: 8 hours

By: Kim Minseok, Department of Software in Soongsil University / Lee Juhee, Department of Software in Soongsil University

Setting for training

Our project based on anaconda, tensorflow-gpu, jupyter notebook and etc. So you have to install these first. Also, I made this project on CUDA 10.0 and cuDNN 7.3 environment. If you install another version, I don't warrant about result. I recommand to activate this code on virtual anaconda setting.

How to run

  1. Clone our git first https://github.com/tamasino52/Railroad_and_Obstacle_detection
  2. Clone https://github.com/tensorflow/models git
  3. Download trained Unet model from (Put file in models/research/object_detection/models ) https://drive.google.com/file/d/18Y_EbJV9s4eJmFDg69uH46xgynHb9vNl/view?usp=sharing
  4. Move our all file to 'models/research/object_detection'
  5. Download faster_rcnn_inception_v2_coco_2018_01_28 model from https://github.com/tensorflow/models/blob/master/research/object_detection/g3doc/detection_model_zoo.md
  6. Move model file to 'faster_rcnn_inception_v2_coco_2018_01_28' folder in 'models/research/object_detection'
  7. Run 'RailwayTrackingModel_Training.ipynb' file to generate model
  8. Run 'ObstacleDetectionModel_Training.ipynb' file to generate seccond model
  9. Run 'Run.py' file(for video and image) or 'Run.ipynb' file(only for image) to activate project 9-1. If you want to use captured image, Run 'Run_capture.py'. After you run, Click and Drag points that you want to capture. Then check your valid yellow box, press 'esc' to activate project.

Simulation Result

Postscript

  • If you are looking at this repo because you are interested in predicting railway, please refer to it here because a better version has been released than here. This repository only predicted with computer vision technology. But this is much faster and more accurate.
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].