SlideShare a Scribd company logo
1 of 83
Download to read offline
Title: Road Quality Measurement from High Resolution
Satellite Images for National Highways of Bangladesh
Submitted By
Abrar Jahin 160204029
Anas Sikder 160204021
Dipesh Shome 160204045
Supervisor
Prof. Dr. Kazi A Kalpoma
July 10, 2021
CSE 4250: Project and Thesis - II Defense
1
Outline
โ— Introduction
โ— Motivation
โ— Objectives
โ— Backgrounds and Statistics
โ— Literature review
โ— Proposed Methodology For Road Quality Measurements
โ— Approach_1: Convolutional Neural Network.
โ— Approach_2: Transfer Learning Approach.
โ— Experimental Results
โ— Evaluation
โ— Web Based prediction System.
โ— Limitations
โ— Conclusion and Future work
โ— References
2
Introduction
3
Introduction
โ— Roads are the bloodline of a country.
โ— Establishes connection between important places, roads, ports, and capital.
โ— Traditional road quality monitoring systems are time-consuming, laborious, and
manual.
โ— Roads and Highway Department of Bangladesh spent 35838.7 million BDT for the
year 2018-19 and the predicted expenditure for 2019-20 is 16793.07 million BDT
for the overall maintenance of highway and regional roads
[1]
.
โ— Design some extended automated system where road quality can be predicted
from satellite images without physical visit.
โ— Classification of road quality using High Resolution Satellite Images is our
primary task.
4
Motivation
โ— No work using road satellite images
โ— Efficient road maintenance is necessary.
โ— Knowing the road quality without physical visit.
โ— Reduce road maintenance cost is possible by using satellite images.
โ— Optimal budget
5
Objectives
โ— To build a road quality measurement automated model for Bangladesh.
โ— To classify the national highway of Bangladesh from IRI and high-resolution satellite
images.
โ— Take four major highways: Dhaka - Chittagong - Teknaf (N1) , Dhaka - Khulna (N4),
Dhaka - Rajshahi (N6), Dhaka - Mymensingh (N7) National roads to create standard
train-test dataset
โ— Take one additional road Dhaka - Sylhet (N2) for evaluating our methods.
โ— Develop an efficient and effective method to predict road quality based solely on
observing satellite images.
โ— Finally, make a web based prediction system.
6
Backgrounds and Statistics
7
Conventional Design of Bangladesh Highways[8]
8
Road Materials of Bangladesh[8]
In our country roads of the national highway that are made of
โ— 25 mm Bituminous carpet with 7 mm seal coat
โ— 125mm sand cushioning
โ— 150 mm compacted WBM base aggregate acv max 30%
โ— 150 mm compacted aggregate-sand subbase
โ— 250 mm compacted sand improved subgrade
9
National Highway Roads Life Cycle
โ— The life cycle concept in road management is aimed to discover the overall costs, long-term
performance and other impacts of road projects which extend on the entire service life of the
road
[7]
.
10
Design Life (Million
ESAโ€™s)
Expected Design Life
(Years)
1.6 10
5.0 20
6.5 20
*ESA: A Equivalent Standard Axle is defined as a Dual Tyred Single Axle transmitting a load of 80kN (or 8.2 tonne) to pavement
[7]
National Highway Roads Costing of Last four Years[7]
11
National Highway Roads Costing of Last four Years[7]
12
Road Quality Measurement
13
โ— Roads and Highways Department (RHD) is a Bangladeshi state Department responsible
for construction and maintenance of roads and highways in Bangladesh.
โ— Roads quality are classified based on the International Roughness Index (IRI).
โ— IRI is a function of suspension movement rate and car speed and strongly correlates
with ride quality and vibration level.
โ— IRI obtained from measured longitudinal road profiles.
โ— The value of IRI index differs from country to country.
โ— In Bangladesh, IRI is measured every 100m of road after one or two years.
Roads Quality Classification
.
โ— In Bangladesh, our roads are classified into five categories according to the IRI value
Literature Review
15
Literature Review--Cadamuro et al. [2]
2. Literature Review--Dorj et al. [3]
3. Literature Review--Rashmi
et al. [4]
โžข Developed a model for monitoring the
quality of road infrastructure
โžข Using satellite imagery for the country of
Kenya.
โžข Their objective was to design a lane
detection technique.
โžข To control the self-driving car.
โžข This is a survey paper based on
various edge detection techniques.
โžข canny edge detection perform
better for adaptive nature.
โžข Used two set of data to make of datasets:
IRI and corresponding satellite images.
โžข Classify images into two classes binary and
five class.
โžข Split the dataset into 70:30 as train and test
set.
โžข Used image patch size: 64*64,224*224
โžข Followed transfer learning from pre-trained
models-Alexnet, VGG, Squeezenet.
โžข Standard test set: Binary-88% , 5 category-
73%.
โžข Held-out test set: Binary-79% , 5 category-
52%.
โžข They used top view image
transformation approach.
โžข Transformed image divided into two
sections one is near and far section.
โžข Near section: Hough-line for st. line road
โžข Far section: combination of parabolic
approach and the least square method
for curve line.
โžข With their approach, they design a more
robust Advanced Driving Assistant
Systems(ADAS).
โžข Less sensitive to noise and uses
Gaussian filter to remove noise.
โžข Canny detector uses the
โ€˜hysteresisโ€™ technique.
โžข two threshold values to overcome
the streaking problem.
โžข For good localization, canny edge
provides edge gradient orientation.
โžข Followed this model for our task โžข Learned lane detection.
โžข For straight and curve roads.
โžข Learned edge detection
Literature Review
Proposed Model for Road Quality Measurement
17
Workflow of the Model
18
Data Acquisition Dataset Creation Road Extraction
Train-test Split
Feature Extraction
Classification
Predict Road
Quality Classes
Web Based
Prediction System
โ— Complete workflow divided into eight steps
Data Acquisition
19
IRI Dataset
Fig: IRI data collected from RHD
20
We collected road quality measurement (IRI) for the year 2017-2018 from Roads and
Highways Department of Bangladesh.Road quality is measured every 100-meter interval of
road.
IRI Dataset
The IRI dataset is consists of several columns. From that, we consider only four following columns.
โ— Roadโ€™s name
โ— Roadโ€™s Start Chainage (latitude, longitude)
โ— Roadโ€™s End Chainage (latitude, longitude)
โ— Roadโ€™s Class.
21
Google Earth Pro Application
We use google earth data (Google Earth Pro application) to collect satellite images.
First, we set the latitude and longitude values for each 100 meter of road. After that, we
extracted each 100m corresponding satellite images and label it.
a) setting latitude and Longitude values
22
b) extract 100 meter of road image
Dataset Creation
23
Image Collection
We use Four major National Roads of Bangladesh for creating dataset. We called it โ€˜standard
train-testโ€™ set
โ— N1(Dhaka-Chittagong-Teknaf),
โ— N4(Dhaka-Mymensingh),
โ— N6(Dhaka-Rajshahi)
โ— N7(Dhaka-khulna)
We took one additional 50 kilometers of National Road for testing purpose to evaluate our
methods.. We named it held-out(unknown) test set
โ— N2(Dhaka - Sylhet)
24
25
โ— Total collected 4460 road
satellite images.
โ— The images we collected is
simple RGB images
โ— We used two different set of dataset for
experiment.
โ— One image can consider as 64*64*3 and
224*224*3 array.
64*64 224*224
Image Collection
Image Processing: Road extraction
26
Step1: Loading Image Step2: Converting into Grayscale Step 3: Applying Gaussian Blur
Road Extraction Sample Output
Step3: Gaussian blurred image
Step 5: Applying ROI and
masking rest of the image
Step 4: Edge Detection
Road Extraction Sample Output
Step5: Masked Image
Step7: Plotting Extracted line in
input data
Step6: Applying HoughLine
Road Extraction Sample Output
Snapshot of Dataset
30
Experiments
31
Experiments
โ— In our First approach, we applied three layer deep convolutional neural network. We
named it RoadNet model.
โ— In second approach, we followed Transfer Learning approach from pretrained
network. We trained on more than ten Deep Learning models: VGG11, VGG16,
AlexNet, DenseNet, MobileNet, MnasNet, ResNet50, ResNext, InceptionV3,
Inception-Resnet, SqueezeNet.
32
Experimental Setup
Hardware Requirement:
โ— Ram 16GB
โ— CPU intel core i7
โ— GPU Nvidia RTX 2060
Software Requirement:
โ— Colab
โ— PyTorch
โ— TensorFlow 2.0
โ— Keras API
Fig: RTX 2060 GPU
33
Splitting Ratio
We split the entire โ€˜Standard datasetโ€™ with proportion to 70%: 30%, 80%: 20%, and 60%: 40%
where we randomly assigned the data into train and test set.
34
Training set Test set
60:40 2664 1804
70:30 3130 1330
80:20 3547 913
Data Augmentation
We generated seven more images from one images. We applied this augmentation process for our
training purpose. We remain unchanged the testing set. We used 20% from training set as
validation set.The augmentation is followed by
โ— Rotation
โ— Width Shift Range
โ— Height Shift Range
โ— Fill mode
โ— Shear range
โ— Zooming
โ— Brightness
โ— Horizontal Flip
35
Training set Test set
60:40 18595 1804
70:30 21915 1330
80:20 24832 913
Table: Train and test set after augmentation
36
Training set Validation set Test set
60:40 14874 3721 1804
70:30 17530 4385 1330
80:20 19864 4968 913
Overview of Training, Validation and Testing Set
Held-out Test set
(Different Road )
522
Evaluation Metrics
โ— Accuracy: Ratio of the correct predicted images and the total number of images.
โ— Training Accuracy: The accuracy of a model on examples it is constructed on.
โ— Testing Accuracy: The accuracy of a model on examples is not seen.
โ— Confusion Matrix: The Confusion matrix is one of the most intuitive metrics used to find the
correctness and accuracy of the model. It is used for Classification problem where the output can be
of two or more types of classes
โ— Precision: Precision can be defined as the ratio of correctly predicted positive observations to the
total predicted positive observations
โ— Recall: Recall is the ratio of correctly predicted positive observations to the all observations in actual
class
37
Approach_1: Proposed Convolutional Neural
Network (CNN): RoadNet
38
Proposed CNN(RoadNet) Architecture
39
Fig: Proposed Convolutional Neural Network(RoadNet) Architecture
Convolution Layer
โ— The Beginning Layer.
โ— Converting all the image into 64*64*3 homogenous dimension.
โ— Convolutional kernel of 16 convolutional filters of size 5*5 with the support of 3 tensor
channels.
โ— Batch Normalization is used to standardize the inputs to network.
โ— ReLU as Activation function.
40
Max Pooling Layer
โ— Because of overfitting Max pooling layer was introduced.
โ— Maxpooling2d for the model.
โ— Runs on 8*8*64 dimension.
โ— Pool size used (2,2)
โ— Output: Pooled feature map.
41
Flatten Layer
โ— Pooled feature map is work as the input.
โ— Transform the whole matrix into a single column vector.
โ— Fed to the neural network for processing.
42
Fully Connected Layer
โ— Three fully connected layers were employed.
โ— Obtained single vector goes as an input.
โ— 4096, 512,256 nodes in the hidden layer.
โ— For better convergence ReLU and dropout function is used as an activation function after each fully
connected layer.
43
Hyperparameter Settings
44
Stage
Initialization
Training
Hyper-parameter Value
Bias Zeros
Weights uniform
Learning Rate 0.001
Optimizer Adam
Gamma 0.1
Momentum 0.1
Step_size 7
Decay 0.0
Loss_function cross_entropy
Batch_size 32,64
Epochs 30
Table: Hyper-parameter settings of RoadNet model(custom cnn)
Experimental Results of CNN: RoadNet
45
Training: CNN(RoadNet)
46
Batch
64
32
64
32
64
32
Ratio
60:40
70:30
80:20
Model Name
RoadNet(64*64)
Epochs Training Time(sec) Training Acc(%)
28 3120s 91.28
30 3240s 90.90
29 3060s 86.73
30 3180s 86.27
23 2852s 90.01
30 3720s 89.62
25 3712s 87.79
30 3840s 87.45
28 3128s 90.59
30 4080s 90.36
28 3864s 86.57
30 4140s 86.35
Table: Training accuracy of the proposed model based on batch size
Performance: CNN(RoadNet)
47
Batch
Size
Standard Train-Test
acc(%)
Road: N1,N4,N6,N7
Held-out
acc(%)
Road: N2
32 69 47
64 72 50
32 73 51
64 72 54
32 75 50
64 74 51
Ratio
60:40
70:30
80:20
Model Name
RoadNet(64*64)
โ— Training accuracy and testing accuracy is comparatively low in CNN(RoadNet) Model.
โ— Training from scratch takes long time and more epochs.
โ— Transfer learning approach can be a good alternative to improve the accuracy.
Findings
48
Approach_2: Transfer Learning
49
Transfer Learning
โ— Approach of transferring knowledge from one or more sources to improve the learning
of target task.
โ— Has the benefit of decreasing training time and resulting in lower error.
โ— The recent progress in deep learning has facilitated transfer learning mainly because
of two reasons:
1. Networks can be pre-trained on one domain and be tuned on another domain.
2. Network weight can be shared among different tasks.
50
Proposed Transfer Learning Approach
51
Fig: Proposed Transfer learning approach from pretrained network
โ— Network is trained on large scale
training dataset(ImageNet: 1.2 million,
1000 class).
โ— Learned parameters passed to new
domain.
โ— Layers of trained model acted as
feature extractor to extract features
from Road Dataset..
โ— Applied changes in last 2 to 4 layers for
our classification task.
Experimental Results of Transfer Learning
52
Performance: AlexNet
53
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%
Road: N2
64 69 48
224 80 52
64 70 50
224 81 55
64 71 52
224 81 51
Ratio
60:40
70:30
80:20
Model Name
AlexNet
โ— Best performance: Standard test set: 81% and Held-out test set: 55% in 70:30 split ratio
Performance: DenseNet
54
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 76 52
224 83 51
64 77 55
224 85 51
64 77 57
224 83 54
Ratio
60:40
70:30
80:20
Model Name
DenseNet
โ— Best performance: Standard test set: 83% and Held-out test set: 54% in 80:20 split ratio
Performance: MobileNet
55
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 76 52
224 83 55
64 77 54
224 82 49
64 78 58
224 83 59
Ratio
60:40
70:30
80:20
Model Name
MobileNet
โ— Best performance: Standard test set: 83% and Held-out test set: 59% in 80:20 split ratio
Performance: MnasNet
56
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 69 51
224 81 54
64 72 51
224 81 51
64 71 54
224 81 54
Ratio
60:40
70:30
80:20
Model Name
MnasNet
โ— Best performance: Standard test set: 81% and Held-out test set: 54% in 80:20 split ratio
Performance: InceptionV3
57
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
299 80 53
299 81 51
299 81 55
Ratio
60:40
70:30
80:20
Model Name
InceptionV3
โ— Best performance: Standard test set: 81% and Held-out test set: 55% in 80:20 split ratio
Performance: Inception-ResNet
58
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
299 81 55
299 79 48
299 82 52
Ratio
60:40
70:30
80:20
Model Name
Inception-ResNet
โ— Best performance: Standard test set: 81% and Held-out test set: 55% in 60:40 split ratio
Performance: ResNet 34
59
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 72 48
224 82 56
64 74 50
224 78 54
64 77 51
224 83 58
Ratio
60:40
70:30
80:20
Model Name
ResNet 34
โ— Best performance: Standard test set: 83% and Held-out test set: 58% in 80:20 split ratio
Performance: ResNet50
60
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 74 47
224 83 54
64 77 49
224 80 56
64 76 52
224 85 58
Ratio
60:40
70:30
80:20
Model Name
ResNet50
โ— Best performance: Standard test set: 85% and Held-out test set: 58% in 80:20 split ratio
Performance: ResNeXt
61
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 72 48
224 82 53
64 77 52
224 85 53
64 75 50
224 85 53
Ratio
60:40
70:30
80:20
Model Name
ResNext
โ— Best performance: Standard test set: 85% and Held-out test set: 53% in 80:20 split ratio
Performance: SqueezeNet
62
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 72 46
224 79 50
64 73 44
224 78 48
64 73 48
224 80 51
Ratio
60:40
70:30
80:20
Model Name
SqueezeNet
โ— Best performance: Standard test set: 80% and Held-out test set: 51% in 80:20 split ratio
Performance: VGG11
63
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 76 52
224 82 54
64 76 51
224 83 52
64 76 52
224 84 57
Ratio
60:40
70:30
80:20
Model Name
Vgg11
โ— Best performance: Standard test set: 84% and Held-out test set: 57% in 80:20 split ratio
Performance: VGG16
64
Patch
Size
Standard Train-Test
accu(%)
Road: N1,N4,N6,N7
Held-out
accu(%)
Road: N2
64 76 50
224 81 54
64 78 51
224 82 52
64 77 55
224 82 54
Ratio
60:40
70:30
80:20
Model Name
VGG16
โ— Best performance: Standard test set: 82% and Held-out test set: 54% in 80:20 split ratio
Evaluation
65
Model Evaluation: CNN(RoadNet)
66
Loss curve for CNN(RoadNet) model in different ratio.
60:40 ratio 70:30 ratio 80:20 ratio
Model Evaluation: Transfer Learning Approach
Loss curve for 64*64 patch and 224*224 patch size in 60:40 ratio.
67
64*64 pixel patch 224*224 pixel patch
Model Evaluation: Transfer Learning Approach
Loss curve for 64*64 patch and 224*224 patch size in 70:30 ratio
68
64*64 pixel patch 224*224 pixel patch
Model Evaluation: Transfer Learning Approach
Loss curve for 64*64 patch and 224*224 patch size in 80:20 ratio
69
64*64 pixel patch 224*224 pixel patch
Model Evaluation: Transfer Learning Approach
Accuracy curve for 64*64 patch and 224*224 patch size in 80:20 ratio
70
64*64 pixel patch 224*224 pixel patch
Model Evaluation: Training Time and Epochs
71
Fig: Epochs and Training time
Performance Comparison
72
Model Name Split Ratio Epoch
Standard
train-test(%)
Road: N1,N4,N6,N7
Held-out
(%)
Road: N2
CNN(RoadNet) 80:20(64) 30 71 54
Vgg11 80:20(224) 10 84 57
ResNet50 80:20(224) 10 85 58
MobileNet 80:20(224) 10 83 59
Table; Performance comparison of Custom CNN model and Transfer learning models
โ— Best performance: Standard test set: 85% and Held-out test set: 58% in 80:20 split ratio in ResNet50
โ— In the standard train-test split, we found some variances in performance.
โ— Perform moderate in predicting road quality classes.
โ— Correlation between predictive accuracy and homogeneity of roads.
โ— Decreased the predictive accuracy for held-out test.
โ— Model face difficulties in predicting good and fair class.
โ— Because maybe IRI values of good and fair class is too close.
โ— Training from scratch takes long time and more epochs in CNN.
โ— Transfer learning approach performed better than CNN(RoadNet) model comparing
training time and accuracy.
Overview
73
Web based prediction system
โ— Prototype of web based prediction system using flask api.
โ— One can upload road image and the system will generate a prediction from that image.
โ— The prediction will be the one of road quality class labels
74
Fig: Uploading image and generating prediction
Limitations
75
Limitations
โ— Our collected IRI dataset date range is between November 2017 to February 2018.
โ— But Google Earthโ€™s data is not continuously available for that specific date range.
โ— This reduce our IRI dataset from 1511 kilometers to 498 kilometers which is 32% of our
total National highways.
76
Limitations
โ— Discarded the images manually where road segments are invisible because of traffics, trees,
clouds, and other reasons. This also causes reduced dataset.
Fig : Elimination of the image data where road segment are invisible
77
Limitations
Fig: Limitation of detecting curved road segment using Houghline technique
Input Image After applying canny edge, Output Image
hough line transformation
78
Conclusion and Future Work
79
Conclusion
โ— We found positive correlation between predictive accuracy and the homogeneity of road.
โ— Predictive accuracy is better in same training distribution road(standard test set).
โ— Predictive accuracy is relatively lower in different distribution (held-out)
โ— Bigger patch performed better than smaller patches.
โ— Found ResNet50 perform better overall, though model choice seems to lesser important
than patch dimension and train-test ratio.
โ— More improvement is required for confident analysis of a never before seen road..
80
Future Work
โ— Apply image processing and enhancement technique to remove cloud and other noises from
image
โ— Modify an algorithm for detecting straight and curved roads at a time for our task
โ— Improve the generalization performance so that model can infer the quality of held-out road
more confidently
โ— Applying RNN: Lstms, autoencoder for learning sequences of the road instead of an
individual patch.
โ— Detection of images whose are not actually road images but detected as a road in our web
based system .
81
References
[1]Roads and Highway Department of Bangladesh. (2018). Retrieved from
http://www.rhd.gov.bd/RHDNews/Docs/Needs_Report_2018.pdf?fbclid=IwAR03s57wxAfEDGCRM1hbEpFW2OgrsAc9uHkp6FdW95MU8LUa_XCeh
-sDesc.
[2]Cadamuro, G., Muhebwa, A., & Taneja, J. (2018). Assigning a grade: Accurate measurement of road quality using satellite imagery. arXiv preprint
arXiv:1812.01699.
[3]Dorj, B., & Lee, D. J. (2016). A precise lane detection algorithm based on top view image transformation and least-square approaches. Journal of
Sensors, 2016..
[4]Kumar, M., & Saxena, R. (2013). Algorithm and technique on various edge detection: A survey. Signal & Image Processing, 4(3), 65.
[5]Simonyan, K., & Zisserman, A. (2014). Very deep convolutional networks for large-scale image recognition. arXiv preprint arXiv:1409.1556.
[6]He, K., Zhang, X., Ren, S., & Sun, J. (2016). Deep residual learning for image recognition. In Proceedings of the IEEE conference on computer
vision and pattern recognition (pp. 770-778).
[7]https://oldweb.lged.gov.bd/UploadedDocument/UnitPublication/4/14/2004_Road%20Design%20Standards.pdf
[8]https://oldweb.lged.gov.bd/UploadedDocument/ProjectLibraryGallery/384/2005_Road%20Design%20Standards_Rural%20Roads_Final%20(1).pd
f?fbclid=IwAR0Iwo3U17JcycKonj4MPZ7zCsuFyuaB5mLipUdkuoWOVJNqdkFtufudPoQ
82
THANK YOU
83

More Related Content

What's hot

Gaussian filtering 1up
Gaussian filtering 1upGaussian filtering 1up
Gaussian filtering 1up
Pham Hanh
ย 
Spatial filtering
Spatial filteringSpatial filtering
Spatial filtering
DeepikaT13
ย 

What's hot (13)

Gaussian filtering 1up
Gaussian filtering 1upGaussian filtering 1up
Gaussian filtering 1up
ย 
Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering
ย 
Geoscience satellite image processing
Geoscience satellite image processingGeoscience satellite image processing
Geoscience satellite image processing
ย 
Spatial filtering
Spatial filteringSpatial filtering
Spatial filtering
ย 
Implement principal component analysis (PCA) in python from scratch
Implement principal component analysis (PCA) in python from scratchImplement principal component analysis (PCA) in python from scratch
Implement principal component analysis (PCA) in python from scratch
ย 
Predictive coding
Predictive codingPredictive coding
Predictive coding
ย 
Svm vs ls svm
Svm vs ls svmSvm vs ls svm
Svm vs ls svm
ย 
PPT s08-machine vision-s2
PPT s08-machine vision-s2PPT s08-machine vision-s2
PPT s08-machine vision-s2
ย 
Lossless predictive coding
Lossless predictive codingLossless predictive coding
Lossless predictive coding
ย 
Image segmentation in erdas imagine
Image segmentation in erdas imagineImage segmentation in erdas imagine
Image segmentation in erdas imagine
ย 
K MEANS CLUSTERING
K MEANS CLUSTERINGK MEANS CLUSTERING
K MEANS CLUSTERING
ย 
"Introduction to Feature Descriptors in Vision: From Haar to SIFT," A Present...
"Introduction to Feature Descriptors in Vision: From Haar to SIFT," A Present..."Introduction to Feature Descriptors in Vision: From Haar to SIFT," A Present...
"Introduction to Feature Descriptors in Vision: From Haar to SIFT," A Present...
ย 
Knn 160904075605-converted
Knn 160904075605-convertedKnn 160904075605-converted
Knn 160904075605-converted
ย 

Similar to Road Quality Measurement from High Resolution Satellite Images for National Highway of Bangladesh

Ijcatr02011007
Ijcatr02011007Ijcatr02011007
Ijcatr02011007
Editor IJCATR
ย 
Automatic vision based inspection of railway track
Automatic vision based inspection of railway trackAutomatic vision based inspection of railway track
Automatic vision based inspection of railway track
eSAT Journals
ย 
Design of automatic navigation control system for agricultural vehicle
Design of automatic navigation control system for agricultural vehicleDesign of automatic navigation control system for agricultural vehicle
Design of automatic navigation control system for agricultural vehicle
eSAT Journals
ย 

Similar to Road Quality Measurement from High Resolution Satellite Images for National Highway of Bangladesh (20)

TRAFFIC SIMULATION AT TOLL ROAD SECTION USING VISSIM SOFTWARE
TRAFFIC SIMULATION AT TOLL ROAD SECTION USING VISSIM SOFTWARETRAFFIC SIMULATION AT TOLL ROAD SECTION USING VISSIM SOFTWARE
TRAFFIC SIMULATION AT TOLL ROAD SECTION USING VISSIM SOFTWARE
ย 
TRAFFIC MANAGEMENT THROUGH SATELLITE IMAGING-- Part 3
TRAFFIC MANAGEMENT THROUGH SATELLITE IMAGING-- Part 3TRAFFIC MANAGEMENT THROUGH SATELLITE IMAGING-- Part 3
TRAFFIC MANAGEMENT THROUGH SATELLITE IMAGING-- Part 3
ย 
Ijcatr02011007
Ijcatr02011007Ijcatr02011007
Ijcatr02011007
ย 
Speed Determination of Moving Vehicles using Lucas- Kanade Algorithm
Speed Determination of Moving Vehicles using Lucas- Kanade AlgorithmSpeed Determination of Moving Vehicles using Lucas- Kanade Algorithm
Speed Determination of Moving Vehicles using Lucas- Kanade Algorithm
ย 
A survey on road extraction from color image using
A survey on road extraction from color image usingA survey on road extraction from color image using
A survey on road extraction from color image using
ย 
Semantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImagerySemantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite Imagery
ย 
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
ย 
Performance Evaluation of Rigid Pavements
Performance Evaluation of Rigid PavementsPerformance Evaluation of Rigid Pavements
Performance Evaluation of Rigid Pavements
ย 
Route optimization for collection of municipal solid waste in Katpadi, Vellore
Route optimization for collection of municipal solid waste in Katpadi, VelloreRoute optimization for collection of municipal solid waste in Katpadi, Vellore
Route optimization for collection of municipal solid waste in Katpadi, Vellore
ย 
Kaggle Dog breed Identification
Kaggle Dog breed IdentificationKaggle Dog breed Identification
Kaggle Dog breed Identification
ย 
A survey on road extraction from color image using vectorization
A survey on road extraction from color image using vectorizationA survey on road extraction from color image using vectorization
A survey on road extraction from color image using vectorization
ย 
Design of expressway
Design of expresswayDesign of expressway
Design of expressway
ย 
Traffic Sign Recognition System
Traffic Sign Recognition SystemTraffic Sign Recognition System
Traffic Sign Recognition System
ย 
Automatic vision based inspection of railway track
Automatic vision based inspection of railway trackAutomatic vision based inspection of railway track
Automatic vision based inspection of railway track
ย 
Automatic vision based inspection of railway track
Automatic vision based inspection of railway trackAutomatic vision based inspection of railway track
Automatic vision based inspection of railway track
ย 
Pavement Asset Management
Pavement Asset ManagementPavement Asset Management
Pavement Asset Management
ย 
IRJET - Traffic Density Estimation by Counting Vehicles using Aggregate Chann...
IRJET - Traffic Density Estimation by Counting Vehicles using Aggregate Chann...IRJET - Traffic Density Estimation by Counting Vehicles using Aggregate Chann...
IRJET - Traffic Density Estimation by Counting Vehicles using Aggregate Chann...
ย 
Design of automatic navigation control system for agricultural vehicle
Design of automatic navigation control system for agricultural vehicleDesign of automatic navigation control system for agricultural vehicle
Design of automatic navigation control system for agricultural vehicle
ย 
Detection of surface flaws in a pipe using vision based technique
Detection of surface flaws in a pipe using vision based techniqueDetection of surface flaws in a pipe using vision based technique
Detection of surface flaws in a pipe using vision based technique
ย 
Car Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningCar Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep Learning
ย 

More from Dipesh Shome (6)

Implementation of K-Nearest Neighbor Algorithm
Implementation of K-Nearest Neighbor AlgorithmImplementation of K-Nearest Neighbor Algorithm
Implementation of K-Nearest Neighbor Algorithm
ย 
Implementing Minimum Error Rate Classifier
Implementing Minimum Error Rate ClassifierImplementing Minimum Error Rate Classifier
Implementing Minimum Error Rate Classifier
ย 
Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...
Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...
Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...
ย 
Designing a Minimum Distance classifier to Class Mean Classifier
Designing a Minimum Distance classifier to Class Mean ClassifierDesigning a Minimum Distance classifier to Class Mean Classifier
Designing a Minimum Distance classifier to Class Mean Classifier
ย 
E doctor(usecase)
E doctor(usecase)E doctor(usecase)
E doctor(usecase)
ย 
Android presentation
Android presentationAndroid presentation
Android presentation
ย 

Recently uploaded

VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
SUHANI PANDEY
ย 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
dollysharma2066
ย 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
ankushspencer015
ย 
Double rodded leveling 1 pdf activity 01
Double rodded leveling 1 pdf activity 01Double rodded leveling 1 pdf activity 01
Double rodded leveling 1 pdf activity 01
KreezheaRecto
ย 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Dr.Costas Sachpazis
ย 

Recently uploaded (20)

BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptxBSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
ย 
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
ย 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
ย 
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdfONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ย 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
ย 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPT
ย 
data_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfdata_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdf
ย 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
ย 
Double rodded leveling 1 pdf activity 01
Double rodded leveling 1 pdf activity 01Double rodded leveling 1 pdf activity 01
Double rodded leveling 1 pdf activity 01
ย 
Top Rated Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...
ย 
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
ย 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
ย 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
ย 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
ย 
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
ย 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
ย 
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank  Design by Working Stress - IS Method.pdfIntze Overhead Water Tank  Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
ย 
Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024
ย 
Vivazz, Mieres Social Housing Design Spain
Vivazz, Mieres Social Housing Design SpainVivazz, Mieres Social Housing Design Spain
Vivazz, Mieres Social Housing Design Spain
ย 
UNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular ConduitsUNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular Conduits
ย 

Road Quality Measurement from High Resolution Satellite Images for National Highway of Bangladesh

  • 1. Title: Road Quality Measurement from High Resolution Satellite Images for National Highways of Bangladesh Submitted By Abrar Jahin 160204029 Anas Sikder 160204021 Dipesh Shome 160204045 Supervisor Prof. Dr. Kazi A Kalpoma July 10, 2021 CSE 4250: Project and Thesis - II Defense 1
  • 2. Outline โ— Introduction โ— Motivation โ— Objectives โ— Backgrounds and Statistics โ— Literature review โ— Proposed Methodology For Road Quality Measurements โ— Approach_1: Convolutional Neural Network. โ— Approach_2: Transfer Learning Approach. โ— Experimental Results โ— Evaluation โ— Web Based prediction System. โ— Limitations โ— Conclusion and Future work โ— References 2
  • 4. Introduction โ— Roads are the bloodline of a country. โ— Establishes connection between important places, roads, ports, and capital. โ— Traditional road quality monitoring systems are time-consuming, laborious, and manual. โ— Roads and Highway Department of Bangladesh spent 35838.7 million BDT for the year 2018-19 and the predicted expenditure for 2019-20 is 16793.07 million BDT for the overall maintenance of highway and regional roads [1] . โ— Design some extended automated system where road quality can be predicted from satellite images without physical visit. โ— Classification of road quality using High Resolution Satellite Images is our primary task. 4
  • 5. Motivation โ— No work using road satellite images โ— Efficient road maintenance is necessary. โ— Knowing the road quality without physical visit. โ— Reduce road maintenance cost is possible by using satellite images. โ— Optimal budget 5
  • 6. Objectives โ— To build a road quality measurement automated model for Bangladesh. โ— To classify the national highway of Bangladesh from IRI and high-resolution satellite images. โ— Take four major highways: Dhaka - Chittagong - Teknaf (N1) , Dhaka - Khulna (N4), Dhaka - Rajshahi (N6), Dhaka - Mymensingh (N7) National roads to create standard train-test dataset โ— Take one additional road Dhaka - Sylhet (N2) for evaluating our methods. โ— Develop an efficient and effective method to predict road quality based solely on observing satellite images. โ— Finally, make a web based prediction system. 6
  • 8. Conventional Design of Bangladesh Highways[8] 8
  • 9. Road Materials of Bangladesh[8] In our country roads of the national highway that are made of โ— 25 mm Bituminous carpet with 7 mm seal coat โ— 125mm sand cushioning โ— 150 mm compacted WBM base aggregate acv max 30% โ— 150 mm compacted aggregate-sand subbase โ— 250 mm compacted sand improved subgrade 9
  • 10. National Highway Roads Life Cycle โ— The life cycle concept in road management is aimed to discover the overall costs, long-term performance and other impacts of road projects which extend on the entire service life of the road [7] . 10 Design Life (Million ESAโ€™s) Expected Design Life (Years) 1.6 10 5.0 20 6.5 20 *ESA: A Equivalent Standard Axle is defined as a Dual Tyred Single Axle transmitting a load of 80kN (or 8.2 tonne) to pavement [7]
  • 11. National Highway Roads Costing of Last four Years[7] 11
  • 12. National Highway Roads Costing of Last four Years[7] 12
  • 13. Road Quality Measurement 13 โ— Roads and Highways Department (RHD) is a Bangladeshi state Department responsible for construction and maintenance of roads and highways in Bangladesh. โ— Roads quality are classified based on the International Roughness Index (IRI). โ— IRI is a function of suspension movement rate and car speed and strongly correlates with ride quality and vibration level. โ— IRI obtained from measured longitudinal road profiles. โ— The value of IRI index differs from country to country. โ— In Bangladesh, IRI is measured every 100m of road after one or two years.
  • 14. Roads Quality Classification . โ— In Bangladesh, our roads are classified into five categories according to the IRI value
  • 16. Literature Review--Cadamuro et al. [2] 2. Literature Review--Dorj et al. [3] 3. Literature Review--Rashmi et al. [4] โžข Developed a model for monitoring the quality of road infrastructure โžข Using satellite imagery for the country of Kenya. โžข Their objective was to design a lane detection technique. โžข To control the self-driving car. โžข This is a survey paper based on various edge detection techniques. โžข canny edge detection perform better for adaptive nature. โžข Used two set of data to make of datasets: IRI and corresponding satellite images. โžข Classify images into two classes binary and five class. โžข Split the dataset into 70:30 as train and test set. โžข Used image patch size: 64*64,224*224 โžข Followed transfer learning from pre-trained models-Alexnet, VGG, Squeezenet. โžข Standard test set: Binary-88% , 5 category- 73%. โžข Held-out test set: Binary-79% , 5 category- 52%. โžข They used top view image transformation approach. โžข Transformed image divided into two sections one is near and far section. โžข Near section: Hough-line for st. line road โžข Far section: combination of parabolic approach and the least square method for curve line. โžข With their approach, they design a more robust Advanced Driving Assistant Systems(ADAS). โžข Less sensitive to noise and uses Gaussian filter to remove noise. โžข Canny detector uses the โ€˜hysteresisโ€™ technique. โžข two threshold values to overcome the streaking problem. โžข For good localization, canny edge provides edge gradient orientation. โžข Followed this model for our task โžข Learned lane detection. โžข For straight and curve roads. โžข Learned edge detection Literature Review
  • 17. Proposed Model for Road Quality Measurement 17
  • 18. Workflow of the Model 18 Data Acquisition Dataset Creation Road Extraction Train-test Split Feature Extraction Classification Predict Road Quality Classes Web Based Prediction System โ— Complete workflow divided into eight steps
  • 20. IRI Dataset Fig: IRI data collected from RHD 20 We collected road quality measurement (IRI) for the year 2017-2018 from Roads and Highways Department of Bangladesh.Road quality is measured every 100-meter interval of road.
  • 21. IRI Dataset The IRI dataset is consists of several columns. From that, we consider only four following columns. โ— Roadโ€™s name โ— Roadโ€™s Start Chainage (latitude, longitude) โ— Roadโ€™s End Chainage (latitude, longitude) โ— Roadโ€™s Class. 21
  • 22. Google Earth Pro Application We use google earth data (Google Earth Pro application) to collect satellite images. First, we set the latitude and longitude values for each 100 meter of road. After that, we extracted each 100m corresponding satellite images and label it. a) setting latitude and Longitude values 22 b) extract 100 meter of road image
  • 24. Image Collection We use Four major National Roads of Bangladesh for creating dataset. We called it โ€˜standard train-testโ€™ set โ— N1(Dhaka-Chittagong-Teknaf), โ— N4(Dhaka-Mymensingh), โ— N6(Dhaka-Rajshahi) โ— N7(Dhaka-khulna) We took one additional 50 kilometers of National Road for testing purpose to evaluate our methods.. We named it held-out(unknown) test set โ— N2(Dhaka - Sylhet) 24
  • 25. 25 โ— Total collected 4460 road satellite images. โ— The images we collected is simple RGB images โ— We used two different set of dataset for experiment. โ— One image can consider as 64*64*3 and 224*224*3 array. 64*64 224*224 Image Collection
  • 26. Image Processing: Road extraction 26
  • 27. Step1: Loading Image Step2: Converting into Grayscale Step 3: Applying Gaussian Blur Road Extraction Sample Output
  • 28. Step3: Gaussian blurred image Step 5: Applying ROI and masking rest of the image Step 4: Edge Detection Road Extraction Sample Output
  • 29. Step5: Masked Image Step7: Plotting Extracted line in input data Step6: Applying HoughLine Road Extraction Sample Output
  • 32. Experiments โ— In our First approach, we applied three layer deep convolutional neural network. We named it RoadNet model. โ— In second approach, we followed Transfer Learning approach from pretrained network. We trained on more than ten Deep Learning models: VGG11, VGG16, AlexNet, DenseNet, MobileNet, MnasNet, ResNet50, ResNext, InceptionV3, Inception-Resnet, SqueezeNet. 32
  • 33. Experimental Setup Hardware Requirement: โ— Ram 16GB โ— CPU intel core i7 โ— GPU Nvidia RTX 2060 Software Requirement: โ— Colab โ— PyTorch โ— TensorFlow 2.0 โ— Keras API Fig: RTX 2060 GPU 33
  • 34. Splitting Ratio We split the entire โ€˜Standard datasetโ€™ with proportion to 70%: 30%, 80%: 20%, and 60%: 40% where we randomly assigned the data into train and test set. 34 Training set Test set 60:40 2664 1804 70:30 3130 1330 80:20 3547 913
  • 35. Data Augmentation We generated seven more images from one images. We applied this augmentation process for our training purpose. We remain unchanged the testing set. We used 20% from training set as validation set.The augmentation is followed by โ— Rotation โ— Width Shift Range โ— Height Shift Range โ— Fill mode โ— Shear range โ— Zooming โ— Brightness โ— Horizontal Flip 35 Training set Test set 60:40 18595 1804 70:30 21915 1330 80:20 24832 913 Table: Train and test set after augmentation
  • 36. 36 Training set Validation set Test set 60:40 14874 3721 1804 70:30 17530 4385 1330 80:20 19864 4968 913 Overview of Training, Validation and Testing Set Held-out Test set (Different Road ) 522
  • 37. Evaluation Metrics โ— Accuracy: Ratio of the correct predicted images and the total number of images. โ— Training Accuracy: The accuracy of a model on examples it is constructed on. โ— Testing Accuracy: The accuracy of a model on examples is not seen. โ— Confusion Matrix: The Confusion matrix is one of the most intuitive metrics used to find the correctness and accuracy of the model. It is used for Classification problem where the output can be of two or more types of classes โ— Precision: Precision can be defined as the ratio of correctly predicted positive observations to the total predicted positive observations โ— Recall: Recall is the ratio of correctly predicted positive observations to the all observations in actual class 37
  • 38. Approach_1: Proposed Convolutional Neural Network (CNN): RoadNet 38
  • 39. Proposed CNN(RoadNet) Architecture 39 Fig: Proposed Convolutional Neural Network(RoadNet) Architecture
  • 40. Convolution Layer โ— The Beginning Layer. โ— Converting all the image into 64*64*3 homogenous dimension. โ— Convolutional kernel of 16 convolutional filters of size 5*5 with the support of 3 tensor channels. โ— Batch Normalization is used to standardize the inputs to network. โ— ReLU as Activation function. 40
  • 41. Max Pooling Layer โ— Because of overfitting Max pooling layer was introduced. โ— Maxpooling2d for the model. โ— Runs on 8*8*64 dimension. โ— Pool size used (2,2) โ— Output: Pooled feature map. 41
  • 42. Flatten Layer โ— Pooled feature map is work as the input. โ— Transform the whole matrix into a single column vector. โ— Fed to the neural network for processing. 42
  • 43. Fully Connected Layer โ— Three fully connected layers were employed. โ— Obtained single vector goes as an input. โ— 4096, 512,256 nodes in the hidden layer. โ— For better convergence ReLU and dropout function is used as an activation function after each fully connected layer. 43
  • 44. Hyperparameter Settings 44 Stage Initialization Training Hyper-parameter Value Bias Zeros Weights uniform Learning Rate 0.001 Optimizer Adam Gamma 0.1 Momentum 0.1 Step_size 7 Decay 0.0 Loss_function cross_entropy Batch_size 32,64 Epochs 30 Table: Hyper-parameter settings of RoadNet model(custom cnn)
  • 45. Experimental Results of CNN: RoadNet 45
  • 46. Training: CNN(RoadNet) 46 Batch 64 32 64 32 64 32 Ratio 60:40 70:30 80:20 Model Name RoadNet(64*64) Epochs Training Time(sec) Training Acc(%) 28 3120s 91.28 30 3240s 90.90 29 3060s 86.73 30 3180s 86.27 23 2852s 90.01 30 3720s 89.62 25 3712s 87.79 30 3840s 87.45 28 3128s 90.59 30 4080s 90.36 28 3864s 86.57 30 4140s 86.35 Table: Training accuracy of the proposed model based on batch size
  • 47. Performance: CNN(RoadNet) 47 Batch Size Standard Train-Test acc(%) Road: N1,N4,N6,N7 Held-out acc(%) Road: N2 32 69 47 64 72 50 32 73 51 64 72 54 32 75 50 64 74 51 Ratio 60:40 70:30 80:20 Model Name RoadNet(64*64)
  • 48. โ— Training accuracy and testing accuracy is comparatively low in CNN(RoadNet) Model. โ— Training from scratch takes long time and more epochs. โ— Transfer learning approach can be a good alternative to improve the accuracy. Findings 48
  • 50. Transfer Learning โ— Approach of transferring knowledge from one or more sources to improve the learning of target task. โ— Has the benefit of decreasing training time and resulting in lower error. โ— The recent progress in deep learning has facilitated transfer learning mainly because of two reasons: 1. Networks can be pre-trained on one domain and be tuned on another domain. 2. Network weight can be shared among different tasks. 50
  • 51. Proposed Transfer Learning Approach 51 Fig: Proposed Transfer learning approach from pretrained network โ— Network is trained on large scale training dataset(ImageNet: 1.2 million, 1000 class). โ— Learned parameters passed to new domain. โ— Layers of trained model acted as feature extractor to extract features from Road Dataset.. โ— Applied changes in last 2 to 4 layers for our classification task.
  • 52. Experimental Results of Transfer Learning 52
  • 53. Performance: AlexNet 53 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(% Road: N2 64 69 48 224 80 52 64 70 50 224 81 55 64 71 52 224 81 51 Ratio 60:40 70:30 80:20 Model Name AlexNet โ— Best performance: Standard test set: 81% and Held-out test set: 55% in 70:30 split ratio
  • 54. Performance: DenseNet 54 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 76 52 224 83 51 64 77 55 224 85 51 64 77 57 224 83 54 Ratio 60:40 70:30 80:20 Model Name DenseNet โ— Best performance: Standard test set: 83% and Held-out test set: 54% in 80:20 split ratio
  • 55. Performance: MobileNet 55 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 76 52 224 83 55 64 77 54 224 82 49 64 78 58 224 83 59 Ratio 60:40 70:30 80:20 Model Name MobileNet โ— Best performance: Standard test set: 83% and Held-out test set: 59% in 80:20 split ratio
  • 56. Performance: MnasNet 56 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 69 51 224 81 54 64 72 51 224 81 51 64 71 54 224 81 54 Ratio 60:40 70:30 80:20 Model Name MnasNet โ— Best performance: Standard test set: 81% and Held-out test set: 54% in 80:20 split ratio
  • 57. Performance: InceptionV3 57 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 299 80 53 299 81 51 299 81 55 Ratio 60:40 70:30 80:20 Model Name InceptionV3 โ— Best performance: Standard test set: 81% and Held-out test set: 55% in 80:20 split ratio
  • 58. Performance: Inception-ResNet 58 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 299 81 55 299 79 48 299 82 52 Ratio 60:40 70:30 80:20 Model Name Inception-ResNet โ— Best performance: Standard test set: 81% and Held-out test set: 55% in 60:40 split ratio
  • 59. Performance: ResNet 34 59 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 72 48 224 82 56 64 74 50 224 78 54 64 77 51 224 83 58 Ratio 60:40 70:30 80:20 Model Name ResNet 34 โ— Best performance: Standard test set: 83% and Held-out test set: 58% in 80:20 split ratio
  • 60. Performance: ResNet50 60 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 74 47 224 83 54 64 77 49 224 80 56 64 76 52 224 85 58 Ratio 60:40 70:30 80:20 Model Name ResNet50 โ— Best performance: Standard test set: 85% and Held-out test set: 58% in 80:20 split ratio
  • 61. Performance: ResNeXt 61 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 72 48 224 82 53 64 77 52 224 85 53 64 75 50 224 85 53 Ratio 60:40 70:30 80:20 Model Name ResNext โ— Best performance: Standard test set: 85% and Held-out test set: 53% in 80:20 split ratio
  • 62. Performance: SqueezeNet 62 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 72 46 224 79 50 64 73 44 224 78 48 64 73 48 224 80 51 Ratio 60:40 70:30 80:20 Model Name SqueezeNet โ— Best performance: Standard test set: 80% and Held-out test set: 51% in 80:20 split ratio
  • 63. Performance: VGG11 63 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 76 52 224 82 54 64 76 51 224 83 52 64 76 52 224 84 57 Ratio 60:40 70:30 80:20 Model Name Vgg11 โ— Best performance: Standard test set: 84% and Held-out test set: 57% in 80:20 split ratio
  • 64. Performance: VGG16 64 Patch Size Standard Train-Test accu(%) Road: N1,N4,N6,N7 Held-out accu(%) Road: N2 64 76 50 224 81 54 64 78 51 224 82 52 64 77 55 224 82 54 Ratio 60:40 70:30 80:20 Model Name VGG16 โ— Best performance: Standard test set: 82% and Held-out test set: 54% in 80:20 split ratio
  • 66. Model Evaluation: CNN(RoadNet) 66 Loss curve for CNN(RoadNet) model in different ratio. 60:40 ratio 70:30 ratio 80:20 ratio
  • 67. Model Evaluation: Transfer Learning Approach Loss curve for 64*64 patch and 224*224 patch size in 60:40 ratio. 67 64*64 pixel patch 224*224 pixel patch
  • 68. Model Evaluation: Transfer Learning Approach Loss curve for 64*64 patch and 224*224 patch size in 70:30 ratio 68 64*64 pixel patch 224*224 pixel patch
  • 69. Model Evaluation: Transfer Learning Approach Loss curve for 64*64 patch and 224*224 patch size in 80:20 ratio 69 64*64 pixel patch 224*224 pixel patch
  • 70. Model Evaluation: Transfer Learning Approach Accuracy curve for 64*64 patch and 224*224 patch size in 80:20 ratio 70 64*64 pixel patch 224*224 pixel patch
  • 71. Model Evaluation: Training Time and Epochs 71 Fig: Epochs and Training time
  • 72. Performance Comparison 72 Model Name Split Ratio Epoch Standard train-test(%) Road: N1,N4,N6,N7 Held-out (%) Road: N2 CNN(RoadNet) 80:20(64) 30 71 54 Vgg11 80:20(224) 10 84 57 ResNet50 80:20(224) 10 85 58 MobileNet 80:20(224) 10 83 59 Table; Performance comparison of Custom CNN model and Transfer learning models โ— Best performance: Standard test set: 85% and Held-out test set: 58% in 80:20 split ratio in ResNet50
  • 73. โ— In the standard train-test split, we found some variances in performance. โ— Perform moderate in predicting road quality classes. โ— Correlation between predictive accuracy and homogeneity of roads. โ— Decreased the predictive accuracy for held-out test. โ— Model face difficulties in predicting good and fair class. โ— Because maybe IRI values of good and fair class is too close. โ— Training from scratch takes long time and more epochs in CNN. โ— Transfer learning approach performed better than CNN(RoadNet) model comparing training time and accuracy. Overview 73
  • 74. Web based prediction system โ— Prototype of web based prediction system using flask api. โ— One can upload road image and the system will generate a prediction from that image. โ— The prediction will be the one of road quality class labels 74 Fig: Uploading image and generating prediction
  • 76. Limitations โ— Our collected IRI dataset date range is between November 2017 to February 2018. โ— But Google Earthโ€™s data is not continuously available for that specific date range. โ— This reduce our IRI dataset from 1511 kilometers to 498 kilometers which is 32% of our total National highways. 76
  • 77. Limitations โ— Discarded the images manually where road segments are invisible because of traffics, trees, clouds, and other reasons. This also causes reduced dataset. Fig : Elimination of the image data where road segment are invisible 77
  • 78. Limitations Fig: Limitation of detecting curved road segment using Houghline technique Input Image After applying canny edge, Output Image hough line transformation 78
  • 80. Conclusion โ— We found positive correlation between predictive accuracy and the homogeneity of road. โ— Predictive accuracy is better in same training distribution road(standard test set). โ— Predictive accuracy is relatively lower in different distribution (held-out) โ— Bigger patch performed better than smaller patches. โ— Found ResNet50 perform better overall, though model choice seems to lesser important than patch dimension and train-test ratio. โ— More improvement is required for confident analysis of a never before seen road.. 80
  • 81. Future Work โ— Apply image processing and enhancement technique to remove cloud and other noises from image โ— Modify an algorithm for detecting straight and curved roads at a time for our task โ— Improve the generalization performance so that model can infer the quality of held-out road more confidently โ— Applying RNN: Lstms, autoencoder for learning sequences of the road instead of an individual patch. โ— Detection of images whose are not actually road images but detected as a road in our web based system . 81
  • 82. References [1]Roads and Highway Department of Bangladesh. (2018). Retrieved from http://www.rhd.gov.bd/RHDNews/Docs/Needs_Report_2018.pdf?fbclid=IwAR03s57wxAfEDGCRM1hbEpFW2OgrsAc9uHkp6FdW95MU8LUa_XCeh -sDesc. [2]Cadamuro, G., Muhebwa, A., & Taneja, J. (2018). Assigning a grade: Accurate measurement of road quality using satellite imagery. arXiv preprint arXiv:1812.01699. [3]Dorj, B., & Lee, D. J. (2016). A precise lane detection algorithm based on top view image transformation and least-square approaches. Journal of Sensors, 2016.. [4]Kumar, M., & Saxena, R. (2013). Algorithm and technique on various edge detection: A survey. Signal & Image Processing, 4(3), 65. [5]Simonyan, K., & Zisserman, A. (2014). Very deep convolutional networks for large-scale image recognition. arXiv preprint arXiv:1409.1556. [6]He, K., Zhang, X., Ren, S., & Sun, J. (2016). Deep residual learning for image recognition. In Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 770-778). [7]https://oldweb.lged.gov.bd/UploadedDocument/UnitPublication/4/14/2004_Road%20Design%20Standards.pdf [8]https://oldweb.lged.gov.bd/UploadedDocument/ProjectLibraryGallery/384/2005_Road%20Design%20Standards_Rural%20Roads_Final%20(1).pd f?fbclid=IwAR0Iwo3U17JcycKonj4MPZ7zCsuFyuaB5mLipUdkuoWOVJNqdkFtufudPoQ 82