Codes-for-Lane-Detection

授权协议 MIT License
开发语言 Python
所属分类 神经网络/人工智能、 机器学习/深度学习
软件类型 开源软件
地区 不详
投 递 者 楚昀
操作系统 跨平台
开源组织
适用人群 未知
 软件概览

Codes for "Learning Lightweight Lane Detection CNNs by Self Attention Distillation"

This repo also contains Tensorflow implementation of "Spatial As Deep: Spatial CNN for Traffic Scene Understanding". (SCNN-Tensorflow)

News

  1. ERFNet-CULane-PyTorch has been released. (It can achieve 73.1 F1-measure in CULane testing set)

  2. ENet-Label-Torch, ENet-TuSimple-Torch and ENet-BDD100K-Torch have been released.

Key features:

(1) ENet-label is a light-weight lane detection model based on ENet and adopts self attention distillation (more details can be found in our paper).

(2) It has 20 × fewer parameters and runs 10 × faster compared to the state-of-the-art SCNN, and achieves 72.0 (F1-measure) on CULane testing set (better than SCNN which achieves 71.6). It also achieves 96.64% accuracy in TuSimple testing set (better than SCNN which achieves 96.53%) and 36.56% accuracy in BDD100K testing set (better than SCNN which achieves 35.79%).

(3) Applying ENet-SAD to LLAMAS dataset yields 0.635 mAP in the multi-class lane marker segmentation task, which is much better than the baseline algorithm which achieves 0.500 mAP. Details can be found in this repo.

(Do not hesitate to try our model!!!)

  1. Multi-GPU training has been supported. Just change BATCH_SIZE and GPU_NUM in global_config.py, and then use CUDA_VISIBLE_DEVICES="0,1,2,3" python file_name.py. Thanks @ yujincheng08.

Content

Installation

  1. Install necessary packages:
    conda create -n tensorflow_gpu pip python=3.5
    source activate tensorflow_gpu
    pip install --upgrade tensorflow-gpu==1.3.0
    pip3 install -r SCNN-Tensorflow/lane-detection-model/requirements.txt
  1. Download VGG-16:

Download the vgg.npy here and put it in SCNN-Tensorflow/lane-detection-model/data.

  1. Pre-trained model for testing:

Download the pre-trained model here.

Datasets

TuSimple

The ground-truth labels of TuSimple testing set is now available at TuSimple. The annotated training (#frame = 3268) and validation labels (#frame = 358) can be found here, please use them (list-name.txt) to replace the train_gt.txt and val_gt.txt in train_lanenet.py. Moreover, you need to resize the image to 256 x 512 instead of 288 x 800 in TuSimple. Remember to change the maximum index of rows and columns, and detailed explanations can be seen here. Please evaluate your pred.json using the labels and this script. Besides, to generate pred.json, you can refer to this issue.

CULane

The whole dataset is available at CULane.

BDD100K

The whole dataset is available at BDD100K.

SCNN-Tensorflow

Test

cd SCNN-Tensorflow/lane-detection-model
CUDA_VISIBLE_DEVICES="0" python tools/test_lanenet.py --weights_path path/to/model_weights_file --image_path path/to/image_name_list --save_dir to_be_saved_dir

Note that path/to/image_name_list should be like test_img.txt. Now, you get the probability maps from our model. To get the final performance, you need to follow SCNN to get curve lines from probability maps as well as calculate precision, recall and F1-measure.

Reminder: you should check lanenet_data_processor.py and lanenet_data_processor_test.py to ensure that the processing of image path is right. You are recommended to use the absolute path in your image path list. Besides, this code needs batch size used in training and testing to be consistent. To enable arbitrary batch size in the testing phase, please refer to this issue.

Train

CUDA_VISIBLE_DEVICES="0" python tools/train_lanenet.py --net vgg --dataset_dir path/to/CULane-dataset/

Note that path/to/CULane-dataset/ should contain files like train_gt.txt and val_gt.txt.

Performance

  1. TuSimple testing set:
Model Accuracy FP FN
SCNN-Torch 96.53% 0.0617 0.0180
SCNN-Tensorflow -- -- --
ENet-Label-Torch 96.64% 0.0602 0.0205

The pre-trained model for testing is here. (coming soon!) Note that in TuSimple, SCNN-Torch is based on ResNet-101 while SCNN-Tensorflow is based on VGG-16. In CULane and BDD100K, both SCNN-Torch and SCNN-Tensorflow are based on VGG-16.

  1. CULane testing set (F1-measure):
Category SCNN-Torch SCNN-Tensorflow ENet-Label-Torch ERFNet-CULane-PyTorch
Normal 90.6 90.2 90.7 91.5
Crowded 69.7 71.9 70.8 71.6
Night 66.1 64.6 65.9 67.1
No line 43.4 45.8 44.7 45.1
Shadow 66.9 73.8 70.6 71.3
Arrow 84.1 83.8 85.8 87.2
Dazzle light 58.5 59.5 64.4 66.0
Curve 64.4 63.4 65.4 66.3
Crossroad 1990 4137 2729 2199
Total 71.6 71.3 72.0 73.1
Runtime(ms) 133.5 -- 13.4 10.2
Parameter(M) 20.72 -- 0.98 2.49

The pre-trained model for testing is here. Note that you need to exchange the order of VGG-MEAN in test_lanenet.py and change the order of input images from RGB to BGR since the pre-trained model uses opencv to read images. You can further boost the performance by referring to this issue.

  1. BDD100K testing set:
Model Accuracy IoU
SCNN-Torch 35.79% 15.84
SCNN-Tensorflow -- --
ENet-Label-Torch 36.56% 16.02

The accuracy and IoU of lane pixels are computed. The pre-trained model for testing is here. (coming soon!)

Others

Citation

If you use the codes, please cite the following publications:

@article{hou2019learning,
  title={Learning Lightweight Lane Detection CNNs by Self Attention Distillation},
  author={Hou, Yuenan and Ma, Zheng and Liu, Chunxiao and Loy, Chen Change},
  journal={arXiv preprint arXiv:1908.00821},
  year={2019}
}

@inproceedings{pan2018SCNN,  
  author = {Xingang Pan, Jianping Shi, Ping Luo, Xiaogang Wang, and Xiaoou Tang},  
  title = {Spatial As Deep: Spatial CNN for Traffic Scene Understanding},  
  booktitle = {AAAI Conference on Artificial Intelligence (AAAI)},  
  month = {February},  
  year = {2018}  
}

@misc{hou2019agnostic,
    title={Agnostic Lane Detection},
    author={Yuenan Hou},
    year={2019},
    eprint={1905.03704},
    archivePrefix={arXiv},
    primaryClass={cs.CV}
}

Acknowledgement

This repo is built upon SCNN and LaneNet.

Contact

If you have any problems in reproducing the results, just raise an issue in this repo.

To-Do List

  • Test SCNN-Tensorflow in TuSimple and BDD100K
  • Provide detailed instructions to run SCNN-Tensorflow in TuSimple and BDD100K
  • Upload our light-weight model (ENet-SAD) and its training & testing scripts
  • github链接:https://github.com/amusi/awesome-lane-detection 2019 2018 2017 Paper 2019 Learning Lightweight Lane Detection CNNs by Self Attention Distillation github ICCV 2019 Multi-Class Lane Semantic Se

  • 本文将对论文Towards End-to-End Lane Detection: an Instance Segmentation Approach进行解读。这篇论文是于2018年2月挂在arxiv上的。 摘要 当今很多车都带有辅助驾驶员的驾驶的功能,比如车道保持功能。该功能能使车辆保持在车道间的适当位置,这个功能对于有潜在车道偏离或者自动驾驶中的轨迹规划和决策都至关重要。传统的车道检测方法依赖于

  • GitHub代码 https://github.com/qinnzou/Robust-Lane-Detection https://github.com/wvangansbeke/LaneDetection_End2End https://github.com/georgesung/advanced_lane_detection https://github.com/MaybeShewill-CV

 相关资料
  • 上一节我们提到Scheduler与React是两套优先级机制。在React中,存在多种使用不同优先级的情况,比如: 注:以下例子皆为Concurrent Mode开启情况 过期任务或者同步任务使用同步优先级 用户交互产生的更新(比如点击事件)使用高优先级 网络请求产生的更新使用一般优先级 Suspense使用低优先级 React需要设计一套满足如下需要的优先级机制: 可以表示优先级的不同 可能同时

  • Key Code backspace 8 tab 9 enter 13 shift 16 ctrl 17 alt 18 pause/break 19 caps lock 20 escape 27 page up 33 page down 34 end 35 home 36 left arrow 37 up arrow 38 right arrow 39 down arrow 40 insert 4

  • 服务器响应中的Status-Code元素是一个3位整数,其中Status-Code的第一个数字定义响应类,后两个数字没有任何分类角色。 第一个数字有5个值: SN 代码和描述 1 1xx: Informational 这意味着已收到请求并且流程正在继续。 2 2xx: Success 这意味着该行动已成功接收,理解和接受。 3 3xx: Redirection 这意味着必须采取进一步行动才能完成请

  • HTTP响应状态代码指示特定的HTTP请求是否已成功完成。响应分为五类:信息响应,成功响应,重定向,客户端错误和服务器错误。状态码由RFC 2616的第10部分定义。 信息回应 100 Continue这个临时响应表明,到目前为止,所有事情都可以确定,并且客户端应该继续请求或者在请求已经完成时忽略它。101 Switching Protocol此代码是为了响应Upgrade客户端的请求标头而发送的

  • Efficient adaptive non-maximal suppression algorithms for homogeneous spatial keypoint distribution This is the implementation of the paper "Efficient adaptive non-maximal suppression algorithms for h

  • 有2 7 = 128个可打印字符,可以用不同的7-BIT ASCII码表示。 另一组字符不是用于HTML表示,而是设计用于控制硬件。 下表列出了所有7-BIT ASCII代码及其等效的HTML实体代码。 如果要查看等效的HEX,OCT和扩展的ASCII代码集,请查看下一章。 7位可打印ASCII字符 ASCII字符 描述 HTML实体代码 space ! 感叹号 ! " quotation mar