Coder Social home page Coder Social logo

scnn's Introduction

Spatial CNN for Traffic Lane Detection

Paper

Xingang Pan, Jianping Shi, Ping Luo, Xiaogang Wang, Xiaoou Tang. "Spatial As Deep: Spatial CNN for Traffic Scene Understanding", AAAI2018

This code is modified from fb.resnet.torch.

Introduction

Demo video is available here.

  • Spatial CNN enables explicit and effective spatial information propagation between neurons in the same layer of a CNN.
  • It is extremly effective in cases where objects have strong shape priors like the long thin continuous property of lane lines.
    VGG16+SCNN outperforms ResNet101 on lane detection.

Requirements

  • Torch, please follow the installation instructions at fb.resnet.torch.
  • Matlab (for tools/prob2lines), version R2014a or later.
  • Opencv (for tools/lane_evaluation), version 2.4.8 (later 2.4.x should also work).
  • Hardware: For testing, GPU with 3G memory suffices. For training, we recommend 4xGPU with 12G memory.

Before Start

  1. Clone the SCNN repository

    git clone https://github.com/XingangPan/SCNN.git

    We'll call the directory that you cloned SCNN as $SCNN_ROOT

  2. Download CULane dataset

    mkdir -p data/CULane
    cd data/CULane

    Download CULane dataset and extract here. (Note: If you have downloaded the dataset before 16th April 2018, please update the raw annotations of train&val set as described in the dataset website.)
    You should have structure like this:

    $SCNN_ROOT/data/CULane/driver_xx_xxframe    # data folders x6
    $SCNN_ROOT/data/CULane/laneseg_label_w16    # lane segmentation labels
    $SCNN_ROOT/data/CULane/list                 # data lists

Testing

  1. Download our pre-trained models to ./experiments/pretrained

    cd $SCNN_ROOT/experiments/pretrained

    Download our best performed model here.

  2. Run test script

    cd $SCNN_ROOT
    sh ./experiments/test.sh

    Testing results (probability map of lane markings) are saved in experiments/predicts/ by default.

  3. Get curve line from probability map

    cd tools/prob2lines
    matlab -nodisplay -r "main;exit"  # or you may simply run main.m from matlab interface

    The generated line coordinates would be saved in tools/prob2lines/output/ by default.

  4. Calculate precision, recall, and F-measure

    cd $SCNN_ROOT/tools/lane_evaluation
    make
    sh Run.sh   # it may take over 30min to evaluate

    Note: Run.sh evaluate each scenario separately while run.sh evaluate the whole. You may use calTotal.m to calculate overall performance from all senarios.
    By now, you should be able to reproduce our result in the paper.

Training

  1. Download VGG16 pretrained on ImageNet
    cd $SCNN_ROOT/experiments/models
    Download VGG16 model here and move it to $SCNN_ROOT/experiments/models/vgg.
  2. Generate SCNN model
    th SCNN-gen.lua
    The generated model will be saved in ./vgg_SCNN_DULR9_w9 by default.
  3. Training SCNN
    cd $SCNN_ROOT
    sh ./experiments/train.sh
    The training process should start and trained models would be saved in $SCNN_ROOT/experiments/models/vgg_SCNN_DULR_w9 by default.
    Then you can test the trained model following the Testing steps above. If your model position or name is changed, remember to set them to yours accordingly.

Other Implementations

Tensorflow implementation reproduced by cardwing: https://github.com/cardwing/Codes-for-Lane-Detection.
[new!] Pytorch implementation reproduced by voldemortX: https://github.com/voldemortX/pytorch-auto-drive.

Citing SCNN or CULane

@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}  
}

Acknowledgment

Most work for building CULane dataset is done by Xiaohang Zhan, Jun Li, and Xudong Cao. We thank them for their helpful contribution.

scnn's People

Contributors

sanskar107 avatar vernamcu avatar xingangpan avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

scnn's Issues

lane markings annotation

Hi,
firstly thanks for sharing code and dataset.
I have a question regarding the lane markings annotation.
In the paper and website images the lane markings are highlighted with 4 different colours.
Green and red for left/right egolane bound, blue for left lane and yellow for right lane.
In the dataset .txt annotation files thought there's just a list of points for each line but I didn't found any information regarding the line type (ego left bound , ego right bound etc.).
Is this stored somewhere or I need to recover it by myself with some position assumption?
Thanks

VGG16 +SCNN

Can you provide a model of VGG16+SCNN? Thank you!

speed

how about speed one inference? platform ? compare with deeplabv3+ ?

Training error after modifying nn.View and nn.Linear

I simply remove the nn.View(4500) and insert a new nn.View(4500) in SCNN-gen.lua, as the following shows:

classifier = model:get(44):get(2)
classifier:remove(3)
classifier:insert(nn.View(4500), 3)
classifier:remove(4)
classifier:insert(nn.Linear(4500, 128), 4)

Error comes durining training:

/home/lishanliao/torch/install/bin/luajit:` ...shanliao/torch/install/share/lua/5.1/threads/threads.lua:183: [thread 2 callback] .../lishanliao/torch/install/share/lua/5.1/nn/Container.lua:67: 
In 44 module of nn.Sequential:
In 2 module of nn.ConcatTable:
In 7 module of nn.Sequential:
/home/lishanliao/torch/install/share/lua/5.1/nn/THNN.lua:110: output and gradOutput have different number of elements: output[4] has 4 elements, while gradOutput[3] has 3 elements at /home/lishanliao/torch/extra/cunn/lib/THCUNN/generic/Sigmoid.cu:23

What's wrong???

train error with my own dataset

Hi,XingangPan@XingangPan,I trained with my own labeled data set. I have run the train.sh with the following question. Can you help me see it?

   ... -> output

}
}
load file(lane-gen.lua): ./adata/CULane/list/train_gt.txt
/home/hfut/torch/install/bin/luajit: /home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:22: attempt to perform arithmetic on local 'impath' (a string value)
stack traceback:
/home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:22: in function 'getPaths'
/home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:104: in function 'exec'
./datasets/init.lua:28: in function 'create'
./dataloader.lua:31: in function 'create'
main.lua:33: in main chunk
[C]: in function 'dofile'
...hfut/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x00405d50

What is the development platform

is Linux ubuntu? Is there a requirement for the version of MATLAB? and A link to the installation of software can be provided if you can , thanks a lot.

Annotation issues

Hi,xingang

I am wondering about the colors of the annotation lines,can you tell me if there have some rules about the color of the lines? I found the blue lines is always on the left and the green line is on the side of it.Besides,the lines converge to one point,I am think about if this is necessary. Moreover,can you tell me some issues about the annoation?Finally ,Can you tell me the labeling tool if it is convenient?

Thanks!

about the result

| Test: [6][59/807] Err 0.16707 (0.17657) Err 0.05300 (0.04383) Acc 94.77 (94.820) mRec 67.03 (67.790) mIOU 47.87 (41.304)
| Test: [6][60/807] Err 0.19414 (0.17686) Err 0.04501 (0.04385) Acc 94.45 (94.814) mRec 62.64 (67.704) mIOU 38.60 (41.259)

is the training result right?

lane coordinate ground truth annotation

I find that there are some issues with the lane coordinate ground truth annotation.

  1. Part of the *.lines.txt are empty

    • such as driver_23_30frame/05171102_0766.MP4 has empty *.lines.txt files
  2. Number of available lanes listed in the train_gt.txt file does not match the corresponding *.lines.txt lane

    • for example /driver_182_30frame/06011137_0163.MP4/05370.lines.txt listed 4 lanes coordinates but the train_gt.txt file shows 0 1 1 0 indicates that there should be only 2 lanes available
  3. I also try to overlay the *.lines.txt points onto the target corresponding image but it doesn't seem to be annotated correctly. The coordinate is in (x, y) form I assume.

I'm sure there's something I missed. A more detailed description about the lane coordinate ground truth annotation is appreciated. Thank you!

test.sh failed

Hello, Xinggang,
I am getting the following error after I run the test.sh in experiment folder, could you tell me what is wrong here, I googled some result, saying I should install LUA-JIT 2.0 version, after I installed this version, I still got the error.

load image failed!
table: 0x40615620
laneTest
nil
load image failed!
table: 0x40824530
laneTest
nil
/home/rtuser/torch/install/bin/luajit: ...e/rtuser/torch/install/share/lua/5.1/threads/threads.lua:183: [thread 2 callback] /home/rtuser/torch/install/share/lua/5.1/image/init.lua:723: attempt to index local 'src' (a number value)
stack traceback:
/home/rtuser/torch/install/share/lua/5.1/image/init.lua:723: in function 'transform'
./datasets/transforms.lua:19: in function 'preprocess'
./dataloader.lua:102: in function <./dataloader.lua:92>
[C]: in function 'xpcall'
...e/rtuser/torch/install/share/lua/5.1/threads/threads.lua:234: in function 'callback'
/home/rtuser/torch/install/share/lua/5.1/threads/queue.lua:65: in function </home/rtuser/torch/install/share/lua/5.1/threads/queue.lua:41>
[C]: in function 'pcall'
/home/rtuser/torch/install/share/lua/5.1/threads/queue.lua:40: in function 'dojob'
[string " local Queue = require 'threads.queue'..."]:15: in main chunk
stack traceback:
[C]: in function 'error'
...e/rtuser/torch/install/share/lua/5.1/threads/threads.lua:183: in function 'dojob'
./dataloader.lua:161: in function '(for generator)'
testLane.lua:66: in main chunk
[C]: in function 'dofile'
...user/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x004057a0

culane dataset line.txt

@XingangPan hello,thank you for your code.I want to know whether each number of a line.txt represents the width value of the lane point, what is the height value of the lane point, so how can I draw the lane line?

Train model with 2xP40 GPU error

Hi Pan, I've trained this model with 2 chips P40(22G display memory) GPU, I modified some parameters of the train.sh as following:

-nThreads 4 
-nGPU 2 
-batchSize 12 

and then I get these errors back:

THCudaCheck FAIL file=/data/ytzhao/torch/extra/cutorch/init.c line=261 error=2 : out of memory
/data/ytzhao/torch/install/bin/luajit: /data/ytzhao/torch/install/share/lua/5.1/trepl/init.lua:389: /data/ytzhao/torch/install/share/lua/5.1/trepl/init.lua:389: /data/ytzhao/torch/install/share/lua/5.1/trepl/init.lua:389: /data/ytzhao/torch/install/share/lua/5.1/trepl/init.lua:389: /data/ytzhao/torch/install/share/lua/5.1/cudnn/find.lua:165: cuda runtime error (2) : out of memory at /data/ytzhao/torch/extra/cutorch/init.c:261
stack traceback:
	[C]: in function 'error'
	/data/ytzhao/torch/install/share/lua/5.1/trepl/init.lua:389: in function 'require'
	main.lua:16: in main chunk
	[C]: in function 'dofile'
	...zhao/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
	[C]: at 0x00405d50

Could you please help me to figure out how to fix this problem. Thank you!

About the pretrained model.

The readme.md says that the pertrained model is trained on ImageNet.
However, loading it in the code, I find its architecture is not a classification.

About the text issues

Hi xingang,
Can I think that running test.sh is to identify the image below the test.txt path? I deleted some of the pictures listed in the test.txt file and found that the generated results are the same as those not deleted. This feels conflicting. Can you help me solve this problem?

Thank you.

Error while generating SCNN model

Hi,

I'm new to lua and torch.
I try to do the training and have downloaded the VGG16 pretrained torch model.
I want to generate the SCNN model with th SCNN-gen.lua
However I got an error like this

Found Environment variable CUDNN_PATH = /usr/local/cuda-7.5/lib64/libcudnn.so/home/c-clin/torch/install/bin/luajit: SCNN-gen.lua:140: attempt to index global 'last' (a nil value)
stack traceback:
        SCNN-gen.lua:140: in main chunk
        [C]: in function 'dofile'
        ...clin/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
        [C]: at 0x00406670 

Can you provide some guidelines to solve this issue?

Generating list files for testing images

Hi, I'm trying to test the model on my own data, and I was wondering if there was an easy way to generate the necessary /list .txt files to allow the program to run?

I'm also having problems with defining a path to my test data. I am unsure where to do this in lua/torch.

@XingangPan

test.sh

1526394858 1
I met such error when I tried to test, could you give me some advice? Thanks~

download issue

I can not download the dataset that you provide here. I suspect that the link has expired.I'm in Hubei Province.
thanks for your reply

run train.sh failed

Hi xingang,
After running train.sh, the following error is encountered: (the data set has been checked, part of the driver_182_30 data set is used as the training set, and the other part is used as the validation set) run train.hope you can answer for me.thank you!

load file: /home/hfut/Documents/ScnnNew/data/CULane/list/train_gt.txt
/home/hfut/torch/install/bin/luajit: /home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:18: attempt to index local 'f' (a nil value)
stack traceback:
/home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:18: in function 'getPaths'
/home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:103: in function 'exec'
./datasets/init.lua:28: in function 'create'
./dataloader.lua:31: in function 'create'
main.lua:33: in main chunk
[C]: in function 'dofile'
...hfut/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x00405d50
@XingangPan

train error with my own dataset

Hi,XingangPan@XingangPan,I trained with my own labeled data set. I have run the train.sh with the following question. Can you help me see it?

   ... -> output

}
}
load file(lane-gen.lua): ./adata/CULane/list/train_gt.txt
/home/hfut/torch/install/bin/luajit: /home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:22: attempt to perform arithmetic on local 'impath' (a string value)
stack traceback:
/home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:22: in function 'getPaths'
/home/hfut/Documents/qiao/ScnnNew/datasets/lane-gen.lua:104: in function 'exec'
./datasets/init.lua:28: in function 'create'
./dataloader.lua:31: in function 'create'
main.lua:33: in main chunk
[C]: in function 'dofile'
...hfut/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x00405d50

VGG16 +SCNN

Can you provide a model of VGG16+SCNN? Thank you!

The kernel size of SCNN

Hi, I'm little confused about the kernel size used in the SCNN_DURL network. In the paper, the kernel size is set to C x W where C and W are the number of channel and kernel width respectively. But in the Lua code I find that the kernel size is set to W x 1 or 1 x W according to the directions. What's the difference between these two kind of kernels?

rescale the training image, view do not match

Hi, I want to rescale the input image to 640*360. I modified lane.lua, and find out
/home/user/torch/install/share/lua/5.1/nn/View.lua:47: input view (3x128x80) and desired view (128x1x100) do not match
how to modify the model?

training error---cudnnFindConvolutionForwardAlgorithm failed

  @XingangPan  Hello! when i use CULane dataset to train the SCNN model, some errors happend . The errors are below.

=> Training epoch # 1

cudnnFindConvolutionForwardAlgorithm failed: 2 convDesc=[mode : CUDNN_CROSS_CORRELATION datatype : CUDNN_DATA_FLOAT] hash=-dimA12,128,72,200 -filtA256,128,3,3 12,256,72,200 -padA1,1 -convStrideA1,1 CUDNN_DATA_FLOAT
/home/pro/torch/install/bin/luajit: /home/pro/torch/install/share/lua/5.1/nn/Container.lua:67:
In 15 module of nn.Sequential:
/home/pro/torch/install/share/lua/5.1/cudnn/find.lua:483: cudnnFindConvolutionForwardAlgorithm failed, sizes: convDesc=[mode : CUDNN_CROSS_CORRELATION datatype : CUDNN_DATA_FLOAT] hash=-dimA12,128,72,200 -filtA256,128,3,3 12,256,72,200 -padA1,1 -convStrideA1,1 CUDNN_DATA_FLOAT
stack traceback:
[C]: in function 'error'
/home/pro/torch/install/share/lua/5.1/cudnn/find.lua:483: in function 'forwardAlgorithm'
...torch/install/share/lua/5.1/cudnn/SpatialConvolution.lua:190: in function <...torch/install/share/lua/5.1/cudnn/SpatialConvolution.lua:186>
[C]: in function 'xpcall'
/home/pro/torch/install/share/lua/5.1/nn/Container.lua:63: in function 'rethrowErrors'
/home/pro/torch/install/share/lua/5.1/nn/Sequential.lua:44: in function 'forward'
./train.lua:69: in function 'train'
main.lua:51: in main chunk
[C]: in function 'dofile'
...pro/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x00405d50

WARNING: If you see a stack trace below, it doesn't point to the place where this error occurred. Please use only the one above.
stack traceback:
[C]: in function 'error'
/home/pico/torch/install/share/lua/5.1/nn/Container.lua:67: in function 'rethrowErrors'
/home/pico/torch/install/share/lua/5.1/nn/Sequential.lua:44: in function 'forward'
./train.lua:69: in function 'train'
main.lua:51: in main chunk
[C]: in function 'dofile'
...pico/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x00405d50

there are my related setting: nGpu 1, nthread 2, cuda version 8.0, cudnn 6.0 .
I have tried to change batchsize, but it not work. I don't known what caused it.
I'll appreciate if you can help me.

cudnnFindConvolutionBackwardDataAlgorithm failed

My error log as follow on training:

=> Training epoch # 1

cudnnFindConvolutionBackwardDataAlgorithm failed: 2 convDesc=[mode : CUDNN_CROSS_CORRELATION datatype : CUDNN_DATA_FLOAT] hash=-dimA4,128,144,400 -filtA128,128,3,3 4,128,144,400 -padA1,1 -convStrideA1,1 CUDNN_DATA_FLOAT
/root/torch/install/bin/luajit: /root/torch/install/share/lua/5.1/nn/Container.lua:67:
In 11 module of nn.Sequential:
/root/torch/install/share/lua/5.1/cudnn/find.lua:483: cudnnFindConvolutionBackwardDataAlgorithm failed, sizes: convDesc=[mode : CUDNN_CROSS_CORRELATION datatype : CUDNN_DATA_FLOAT] hash=-dimA4,128,144,400 -filtA128,128,3,3 4,128,144,400 -padA1,1 -convStrideA1,1 CUDNN_DATA_FLOAT
stack traceback:
[C]: in function 'error'
/root/torch/install/share/lua/5.1/cudnn/find.lua:483: in function 'backwardDataAlgorithm'
...torch/install/share/lua/5.1/cudnn/SpatialConvolution.lua:209: in function 'updateGradInput'
/root/torch/install/share/lua/5.1/nn/Module.lua:31: in function </root/torch/install/share/lua/5.1/nn/Module.lua:29>
[C]: in function 'xpcall'
/root/torch/install/share/lua/5.1/nn/Container.lua:63: in function 'rethrowErrors'
/root/torch/install/share/lua/5.1/nn/Sequential.lua:84: in function 'backward'
./train.lua:74: in function 'train'
main.lua:51: in main chunk
[C]: in function 'dofile'
/root/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x00405d50

WARNING: If you see a stack trace below, it doesn't point to the place where this error occurred. Please use only the one above.
stack traceback:
[C]: in function 'error'
/root/torch/install/share/lua/5.1/nn/Container.lua:67: in function 'rethrowErrors'
/root/torch/install/share/lua/5.1/nn/Sequential.lua:84: in function 'backward'
./train.lua:74: in function 'train'
main.lua:51: in main chunk
[C]: in function 'dofile'
/root/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
[C]: at 0x00405d50

Some questions from the paper

Hi Xingang, could I ask some questions about the SCNN?

  1. What is spatial cross entropy loss in training mentioned in paper?
  2. Are labels pixel level segmentation of the same size as input image?
  3. Currently I am doing lane segmentation using a network with some conv layers and then some deconv layers. Should I insert SCNN right after conv layers and before deconv layers?

Thanks!

issue with test.sh #urgent

  1. when i run test.sh file my error is ----- ./test.sh: line 5: th: command not found

  2. when i run "Run.sh" file - the error is ------ Run.sh: 31: Run.sh: ./evaluate: not found

Please suggest why is it so, and if some directory has to be made.
Do we make the "out0_normal" file, or is it generated ?

Train model [urgent]

@XingangPan I would like to ask, in the training process, model_new.t7, model_best.t7 are generated. Which one is the trained model? What is the vgg_SCNN_DULR9_w9.t7 generated by running th SCNN-gen.lua?
thank you

Modifying Pretrained SCNN Model

I know there was a post about how to build an SCNN model to train on specific image sizes, but I was curious if it would be possible to take the pretrained SCNN model and change layers to allow for different image sizes. I would like to just fine tune the pretrained SCNN model to work on my dataset.

nonlinear activation and pretrained vgg

@XingangPan hello,thank you for your code.I have some questions.
1、I want to know whether each slice need nonlinear activation as the paper said ,I only found convolution opreration of each slice from your code.
2、Why your pretrained vgg had dilation convolution layer,whether the pretrained vgg was your own trained model on ImageNet,not the opened pretrained weights trained by others.
3. I was confused about the train step. If I need train the vgg first, then insert the scnn. I train the vgg which had included scnn derectly now.

Could you release the ResNet model?

Hi, recently I want to apply this algorithm SCNN to my own dataset for lane detection. In this dataset, I don't need to recognize the type of each line. Therefore, it is similar to conduct the experiment of a binary mask prediction. I want to use the ResNet-101 as my base model, could you release the resnet-101 model and give me some advice?

How to get the visualized lane prediction.

@XingangPan matlab -nodisplay -r "main;exit" # or you may simply run main.m from matlab interface, the line coordinates are generated.But How can I get a visualized lane prediction curve in the source image, can you give me some advice and help?

input is a number value printed as -1

Hi, I do not know why, I just follow the guide in the readme and runs the test well and the get the exact output in the paper. But when I try to train my self, I just can not run it well and get the bug shown as below.

5622 data loaded
5623 data created
5624 data loaded
5625 init trainer
5626 training
5627 => Training epoch # 1
5628 /mnt/lustre/share/torch/install/bin/luajit: ...re/share/torch/install/share/lua/5.1/threads/threads.lua:183: [thread 1 callback] ./datasets/transforms.lua:200: attempt to index local 'input' (a number      value)
5629 stack traceback:
5630     ./datasets/transforms.lua:200: in function 'transform'
5631     ./datasets/transforms.lua:19: in function 'preprocess_aug'
5632     ./dataloader.lua:101: in function <./dataloader.lua:92>
5633     [C]: in function 'xpcall'
5634     ...re/share/torch/install/share/lua/5.1/threads/threads.lua:234: in function 'callback'
5635     ...stre/share/torch/install/share/lua/5.1/threads/queue.lua:65: in function <...stre/share/torch/install/share/lua/5.1/threads/queue.lua:41>
5636     [C]: in function 'pcall'
5637     ...stre/share/torch/install/share/lua/5.1/threads/queue.lua:40: in function 'dojob'
5638     [string "  local Queue = require 'threads.queue'..."]:15: in main chunk
5639 stack traceback:
5640     [C]: in function 'error'
5641     ...re/share/torch/install/share/lua/5.1/threads/threads.lua:183: in function 'dojob'
5642     ./dataloader.lua:157: in function '(for generator)'
5643     ./train.lua:58: in function 'train'
5644     main.lua:51: in main chunk
5645     [C]: in function 'dofile'
5646     ...hare/torch/install/lib/luarocks/rocks/trepl/scm-1/bin/th:150: in main chunk
5647     [C]: at 0x004064f0
5648 load image failed!

Experiment issue

The experiment results in the paper are lane marking detection results. I wonder whether you tried to segment lane area directly?

Test issues

@XingangPan Hi,
I followed your instruction to make a test and there is no error during test, but the output of the values of all the txt files and the png files are zero, I don't know why and I hope that you can give me some advice, thanks you very much!
result of txt file like this:
screenshot from 2018-01-16 10 42 43

Can you share the dataset by BaiduYun?

I can not access the dataset because the wall made by gov,can you make another share link? Such as Baidu yun which can be accessed by the mainland user.

make error in lane_evaluation

When I do make for the lane_evaluation, folder, I got the following error:

src/evaluate.cpp: In function ‘void visualize(std::__cxx11::string&, std::vector<std::vector<cv::Point_<float> > >&, std::vector<std::vector<cv::Point_<float> > >&, std::vector<int>, int)’: src/evaluate.cpp:236:59: error: ‘line’ was not declared in this scope line(img, p_interp[n], p_interp[n+1], color, width_lane); ^ src/evaluate.cpp:271:59: error: ‘line’ was not declared in this scope line(img, p_interp[n], p_interp[n+1], color, width_lane);

My opencv version is 2.4.9.1. Can someone please help me take a look?

Thanks,
Greg

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.