SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 604
Analysis and Prediction of Delay at Signalized Junctions in Bangalore
Naveen R1, Nikhil T R2, Akshay Hanagodimath3
1M. Tech student, Civil Engineering Department, MSRUAS, Bengaluru, India
2,3Assistant Professor, Civil Engineering Department, MSRUAS, Bengaluru, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - The day by day Increase in Urbanization is
increasing the traffic congestion which is affecting, Level of
Service (LOS) and entire traffic system at signalized
intersection, which constitute a major concern in every
country. Queue Length and Delay are important parameter
influencing the Level of Service (LOS) at the signalized
intersection. Research’s are going-on to improve the Level of
Service (LOS) and Artificial intelligence/Machine
learning/Deep learning is one of the superior method to
improve Level of Service (LOS) at the signalized intersection.
In this investigation, Highway CapacityManual(HCM-2000)is
used for determination of Delay and Level of Service (LOS) at
the signalized intersections. Linear Regression Model is
designed to predict the accurate delay. Fuzzy Logic Traffic
controlled Signal is designed to get the required amount of
green extension time based on QueuelengthandWaitingtime.
For determinationofDelayatsignalized intersection, Highway
Capacity Manual-2000andRegressionAnalysisisused. Python
is more robust and open source which is very easy to install
and user friendly where lot of solutions arefoundonline. Delay
value from the Highway Capacity Manual and Linear
Regression analysis are almost Similar to each other. To
determine Delay from Linear Regression, only 4 input
parameters are need to be collected at signalized intersection.
To determine Delay from Highway Capacity manual 18 input
parameters are needed to be collected at signalized
intersection. For determination of delay at new signalized
intersection, artificial neural network is superiorbecauseonly
4 parameters need to collected. Fuzzy Logic signal control
system is designed to get the exact extension green time based
on the Vehicle queue length and waiting time. Strength.in
strength.
Key Words: LOS- Level of Service, HCM-Highway Capacity
Model
1. INTRODUCTION
Day-by-day Increase in Urbanization is increasing thetraffic
congestion, which is affecting the entire traffic system and
constitute a major concern in every country. Increase in
Traffic congestion is taking a valuable time from the people,
which is indirectly affecting the behaviour of the driver.
Change in behaviour of a driver is also becoming a common
factor for increase in Accidents especially at the signalized
intersection. According to the ministry of Road transport
and Highway 1317 crashes and 413 deaths every day.
The number of road crashes have increased by 31% from
2007 to 2017. Level of Service (LOS) is used to analyze the
intersection by categorizing traffic flow and assigning Level
of service for the signalized intersection.Differentsignalized
intersection will be serving at different Level of Service
(LOS) depending upon geometryoftheroad,Vehiclevolume,
traffic signal timing.
1.1 Delay and LOS
We have all been there. When driving along suddenly, traffic
comes to a standstill. Then, after inching along for what
seems like an eternity, just as suddenly as it stopped, traffic
starts to move again, the road opening up as if by magic. It
can be dangerous to become a part of a sudden traffic jam,
and what causes traffic jams and car crashes is based largely
on the number of distractions in cars today that can affect
the way you react to certain events. Highway capacity
manual (HCM) developed by the transportation research
board of USA provides some procedure to determinelevel of
service. It divides the quality of traffic into six levels ranging
form level A to level F. Level A represents the best quality of
traffic where the driver has the freedom to drive with free
flow speed and level F represents the worst qualityoftraffic.
1.2 Regression Analysis
In statistics, linear regression is a linear approach to
modeling the relationship between a scalar response
(or dependent variable) and one or more explanatory
variables (or independent variables). The case of one
explanatory variable is called simple linear regression. For
more than one explanatory variable, the process is
called multiple linear regressions. This term is distinct
from multivariate linear regression, where multiple
correlated dependent variables are predicted, rather than a
single scalar variable.
1.3 Fuzzy Logic
Fuzzy logic is a form of many-valued logic in whichthe truth
values of variables may be any real number between0and1
both inclusive. It is employed to handletheconceptofpartial
truth, where the truth value may range between completely
true and completely false. By contrast, in Boolean logic, the
truth values of variables may only be the integer values 0 or
1.
2. LITERATURE REVIEW
Javed alam and Dr.Manoj Kuamr Pandey(2005).et.al: In this
paper the two stage traffic light system is designed using
fuzzy logic and its performance is compared with the pre-
timed signal controller. Extension time decision
module(ETDM) will calculates the green light time i.e.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 605
extension time of the respected phase which is having
higher urgency can be calculated according to the higher
number of vehicles. Two inputs are used for the design of
fuzzy logic such as Queue-lane-1, queue-lane-2 and the
extension green time is used as the output from the fuzzy
logic signal controller.queue-lane-1 is used to determinethe
number of vehicles in lane 1 and queue-lane-2 is used to
determine the number of vehicles in the lane-2.
C. M. Mwangi, S. M. Kang(2014).et.al: This paper proposes a
fuzzy logic system to control traffic signals on a signalized
intersection. The fuzzy logic controller (FLC) dynamically
controls the traffic light timings and phase sequence to
ensure smooth flow of traffic, decrease traffic delays and
thus increase the intersection capacity. A fuzzy logic traffic
control simulation model is developed and tested using
MATLAB/ SIMULINK software.Queuelengthadwaitingtime
are used as the input for the fuzzy logic traffic control. Phase
selection and green phase extension model is taken as
output. The fuzzy logic system will use information from
the inductive loop sensors to determine the number of
number of cars between the two set of the sensors.
Shen Rong and Zhang Bao-wen(2018) The paper herein
introduces the algorithm and model of the field of machine
learning. Linear regression model is used to analyze the sale
of iced products of company and the effect of temperature
variation on the sale. Firstly, we cleanse the data collected
one year ago and analyze data at the same time. Then we
choose forecast temperature as the independent variable
and the sale of iced products as the dependent variable to
establish simple linear regression model for analysis. We
use the object-oriented programming language Python3.6
and introduce the linear regression function. Programming
language can also make data analysis in the field of data
mining easier. The final resultcorrectlyleadsthecompanyto
adjust the production and sale of iced products flexibly
according to the variation of temperature, which definitely
provides great commercial value and offers crucial
theoretical foundation for the sale of other companies who
produce iced products.
3. METHODS AND METHODOLOGY
3.1 Methodology:
The traffic movement survey is carried out in the Signalized
junction of Bangalore. The delay is calculated for each signal
using Highway Capacity Manual 2000. The results obtained
are trained in the Linear Regression Model. The output from
the Highway Capacity Manual-2000 and the Linear
Regression model is compared for similarity. Suitable
solution for the reduction in delay at the junction. From the
research papers it is seen that out of 18 parameters which
are required to calculate delay in Highway Capacity Manual-
2000 can be reduced to only 4 parameters(PCU, green/cycle
length time, cycle time and width of road) to predict the
delay for the signalized junction. Addition to 4 parameters
for more specific results, anadditional parameterisadded as
input which is “time” showing delay for each hour
irrespective of the peak time. The obtained delays are
trained in the regression model. The regression model is
selected as the data provided are in sequenced manner. The
python having the inbuilt functions builds the model with
call functions and fits the model and predicts/provides the
results depending on the data input. The predicted data are
compared with the actual results obtained from the manual.
Suitable solution is developed depending on the delay at
each signal.
3.2 Traffic Survey
Traffic movement surveys were carried out in the following
intersections of Bangalore for determination of delay, as
shown in below Tables.
Figure 1: Locations of Traffic Survey in Bangalore
3.2 Highway Capacity Manual
The delay for the signal is calculated using HCM-2000 for
every hour for all the legs. The delay is obtained using 18
parameters which are mentioned in the manual. The
obtained parameters define the delay at the junction. The
delays calculated are then trained in the linear regression
model so that the model predicts the required delay at any
particular time.
3.3 Linear Regression
Linear regression is chosen for the predictionofdelay.Outof
18 parameters only 4 parameters are taken as input for the
model. The obtained delay is bifurcated as training data and
testing data. The models isdevelopedusingPython3.6 which
is robust and having many inbuilt functions. The model is
thus trained using the 4 inputs and the obtained delay from
HCM-2000. The model in turn trains itself and predicts the
delay at any point of time.
import pandas as pd
import math
import numpy as np
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 606
import warnings
warnings.filterwarnings('ignore')
from sklearn.model_selection import KFold
from sklearn.linear_model import
LinearRegression,Lasso,Ridge
fromsklearn.model_selectionimporttrain_test_split
ld=pd.read_excel(r'(import the file from the
location',encoding='latin')
ld.head()
ld["Timings"].nunique()
ld.columns
l2_dummies=pd.get_dummies(ld["Timings"])
ld=pd.concat((ld,l2_dummies),1)
ld=ld.drop("Timings",1)
l2_dummies
for col in ['Movement']:
ld[col]=ld[col].astype('str')
lp_dummies=pd.get_dummies(ld["Movement"])
ld=pd.concat((ld,lp_dummies),1)
ld.dtypes
ld=ld.drop("Name of signal intersection",1)
ld.dtypes
ld=ld.drop(["Movement"],axis=1)
ld.dropna(axis=0,inplace=True)
ld_train,ld_test=train_test_split(ld,test_size=0.2,rand
om_state=2)
lm=LinearRegression()
x_train=ld_train.drop(["Delay (Sec/veh)"],1)
y_train=ld_train["Delay (Sec/veh)"]
y_train.head()
x_test=ld_test.drop(["Delay (Sec/veh)"],1)
y_test=ld_test["Delay (Sec/veh)"]
lm.fit(x_train,y_train)
x_test.head()
residual=p_test-y_test
l_rmse=np.sqrt(np.dot(residual,residual)/len(p_test
))
l_rmse
coefs=lm.coef_
features=x_train.columns
list(zip(features,coefs))
# Finding best value of penalty weight with cross
validation for ridge regression
alphas=np.linspace(.0001,10,100)
# We need to reset index for cross validation to work
without hitch
x_train.reset_index(drop=True,inplace=True)
y_train.reset_index(drop=True,inplace=True)
rmse_list=[]
for a in alphas:
ridge = Ridge(fit_intercept=True, alpha=a)
# computing average RMSE across 10-fold cross
validation
kf = KFold(n_splits=10)
xval_err = 0
for train, test in kf.split(x_train):
ridge.fit(x_train.loc[train], y_train[train])
p = ridge.predict(x_train.loc[test])
err = p - y_train[test]
xval_err += np.dot(err,err)
rmse_10cv = np.sqrt(xval_err/len(x_train))
# uncomment below to print rmse values for
individidual alphas*
# print('{:.3f}t {:.6f}t '.format(a,rmse_10cv))
rmse_list.extend([rmse_10cv])
best_alpha=alphas[rmse_list==min(rmse_list)]
print('Alpha with min 10cv error is : ',best_alpha )
ridge=Ridge(fit_intercept=True,alpha=best_alpha)
ridge.fit(x_train,y_train)
p_test=ridge.predict(x_test)
residual=p_test-y_test
rmse_ridge=np.sqrt(np.dot(residual,residual)/len(p
_test))
rmse_ridge
alphas=np.linspace(0.0001,1,100)
rmse_list=[]
for a in alphas:
lasso = Lasso(fit_intercept=True,
alpha=a,max_iter=10000)
# computing RMSE using 10-fold cross validation
kf = KFold(n_splits=10)
xval_err = 0
for train, test in kf.split(x_train):
lasso.fit(x_train.loc[train], y_train[train])
p =lasso.predict(x_train.loc[test])
err = p - y_train[test]
xval_err += np.dot(err,err)
rmse_10cv = np.sqrt(xval_err/len(x_train))
rmse_list.extend([rmse_10cv])
# Uncomment below to print rmse values of
individual alphas
print('{:.3f}t {:.4f}t '.format(a,rmse_10cv))
best_alpha=alphas[rmse_list==min(rmse_list)]
print('Alpha with min 10cv error is : ',best_alpha )
lasso=Lasso(fit_intercept=True,alpha=best_alpha)
lasso.fit(x_train,y_train)
p_test=lasso.predict(x_test)
residual=p_test-y_test
rmse_lasso=np.sqrt(np.dot(residual,residual)/len(p
_test))
rmse_lasso
list(zip(x_train.columns,lasso.coef_))
x_test['y_pred']=p_test
x_test['y_actual']=y_test
x_test.head()
3.4. Results from Linear Regression Model
Sl
No
Delay from
HCM-2000
(sec/vehicle)
Delay from the regression
model
Linear Lasso Ridge
1 53.63 66.45 68.26 67.62
2 123.47 136.58 128.66 132.27
3 2760.36 3428.22 3437.73 3373.89
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 607
4 323.94 302.34 315.17 332.08
5 2751.64 2764.06 2766.48 2764.22
3.5. Design of Fuzzy Logic Using Python
import numpy as np
import warnings
warnings.filterwarnings("ignore")
import skfuzzy as fuzz
from skfuzzy import control as ctrl
waitingtime = ctrl.Antecedent(np.arange(0, 61, 1),
'waitingtime')
queuelength = ctrl.Antecedent(np.arange(0, 61, 1),
'queuelength')
greentime = ctrl.Consequent(np.arange(0, 61, 1),
'greentime')
waitingtime.automf(5)
queuelength.automf(5)
greentime['zero'] = fuzz.trimf (greentime.universe,
[0, 0, 0])
greentime['small']=fuzz.trimf(greentime.universe,
[0, 0, 15])
greentime['medium'] = fuzz.trimf
(greentime.universe, [0, 15, 30])
greentime['large'] = fuzz.trimf(greentime.universe,
[15, 30, 45])
greentime['verylarge'] = fuzz.trimf
(greentime.universe, [30,45,60])
waitingtime.view()
rule1 = ctrl.Rule(waitingtime['poor'] |
queuelength['poor'], greentime['zero'])
rule2 = ctrl.Rule(waitingtime['poor'] |
queuelength['mediocre'], greentime['zero'])
rule3 = ctrl.Rule(waitingtime['poor'] |
queuelength['average'], greentime['small'])
rule4 = ctrl.Rule(waitingtime['poor'] |
queuelength['decent'], greentime['small'])
rule5 = ctrl.Rule(waitingtime['poor'] |
queuelength['good'], greentime['medium'])
rule6 = ctrl.Rule(waitingtime['mediocre'] |
queuelength['poor'], greentime['zero'])
rule7 = ctrl.Rule(waitingtime['mediocre'] |
queuelength['mediocre'], greentime['zero'])
rule8 = ctrl.Rule(waitingtime['mediocre'] |
queuelength['average'], greentime['small'])
rule9 = ctrl.Rule(waitingtime['mediocre'] |
queuelength['decent'], greentime['medium'])
rule10 = ctrl.Rule(waitingtime['mediocre'] |
queuelength['good'], greentime['large'])
rule11 = ctrl.Rule(waitingtime['average'] |
queuelength['poor'], greentime['small'])
rule12 = ctrl.Rule(waitingtime['average'] |
queuelength['mediocre'], greentime['small'])
rule13 = ctrl.Rule(waitingtime['average'] |
queuelength['average'], greentime['medium'])
rule14 = ctrl.Rule(waitingtime['average'] |
queuelength['decent'], greentime['medium'])
rule15 = ctrl.Rule(waitingtime['average']|
queuelength['good'], greentime['medium'])
rule16 = ctrl.Rule(waitingtime['decent'] |
queuelength['poor'], greentime['small'])
rule17 = ctrl.Rule(waitingtime['decent'] |
queuelength['mediocre'], greentime['small'])
rule18 = ctrl.Rule(waitingtime['decent'] |
queuelength['average'], greentime['medium'])
rule19 = ctrl.Rule(waitingtime['decent'] |
queuelength['decent'], greentime['large'])
rule20 = ctrl.Rule(waitingtime['decent'] |
queuelength['poor'], greentime['large'])
rule21 = ctrl.Rule(waitingtime['good'] |
queuelength['poor'], greentime['medium'])
rule22 = ctrl.Rule(waitingtime['good'] |
queuelength['mediocre'], greentime['medium'])
rule23 = ctrl.Rule(waitingtime['good'] |
queuelength['average'], greentime['medium'])
rule23 = ctrl.Rule(waitingtime['good'] |
queuelength['decent'], greentime['medium'])
rule24 = ctrl.Rule(waitingtime['good'] |
queuelength['good'], greentime['large'])
#rule2.view()
tipping_ctrl = ctrl.ControlSystem([rule1, rule2,
rule3])
tipping=ctrl.ControlSystemSimulation(tipping_ctrl)
def calculateGreentime(waitingTime,queueLength):
tipping.input['waitingtime'] = waitingTime
tipping.input['queuelength'] = queueLength
tipping.compute()
print(tipping.output['greentime'])
greentime.view(sim=tipping)
calculateGreentime(10.0,5.30)
3.6. Results from Fuzzy Logic Model
4. CONCLUSION
 For determination of Delay at signalized
intersection, Highway Capacity Manual-2000 and
Regression Analysis is used.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 608
 Python is more robust and open source which is very
easy to install and user friendly where lot of solutions
are found online.
 Delay value from the Highway Capacity Manual
and Linear Regression analysis are almost similar to
each other.
 To determine Delay from Linear Regression, only 4
input parameters are need to be collected at signalized
intersection.
 To determine Delay from Highway Capacity manual 18
input parameters are needed to be collected at
signalized intersection.
 For determination of delay at new signalized
intersection, artificial neural network is superior
because only 4 parameters need to collected.
 Fuzzy Logic signal control system is designed to get the
exact extension green time based on the Vehicle queue
length and waiting time.
REFERENCES
[1] J. Mohamed Rizwan , 2016. Multi Layer Perception type
artificial Neural Network based traffic control.
International Journal of Engineering and Innovative
Technology.
[2] Javed alam., 2015. Design and analysis of a two stage
traffic light system using fuzzy logic. Journal of
information technology.
[3] mk, J. a. a. P., 2015. Design and Analysis of a two stage
traffic light system using Fuzzy Logic. Journal of
information Technology and software Engineering.
[4] murat, O. B. a. Y. S., july 2006. Modelling Vehicle delays
at signalized intersections: Artificial Neural Netwotk.
Journal of Scientific and Industrial Research.
[5] Ozgur Baskan,, 2006. Modelling vehicle delays at
signalized intersections: Artificial neural networks
approach. Journal of scientific and industrial research.
[6] Sahar araghi, ., 2014. Optomal Design of traffic signal
controller using Neural Networks and Fuzzy Logic
System. International joint conference on Neural
Networks(IJCNN) .

More Related Content

What's hot

Smart Car Parking System Using FPGA and E-Application
Smart Car Parking System Using FPGA and E-ApplicationSmart Car Parking System Using FPGA and E-Application
Smart Car Parking System Using FPGA and E-ApplicationIRJET Journal
 
Automatic face and VLP’S recognition for smart parking system
Automatic face and VLP’S recognition for smart parking systemAutomatic face and VLP’S recognition for smart parking system
Automatic face and VLP’S recognition for smart parking systemTELKOMNIKA JOURNAL
 
License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...
License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...
License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...IRJET Journal
 
IRJET- Prediction of Cab Demand using Machine Learning
IRJET- Prediction of Cab Demand using Machine LearningIRJET- Prediction of Cab Demand using Machine Learning
IRJET- Prediction of Cab Demand using Machine LearningIRJET Journal
 
Automatic Vehicle Detection Using Pixelwise Classification Approach
Automatic Vehicle Detection Using Pixelwise Classification ApproachAutomatic Vehicle Detection Using Pixelwise Classification Approach
Automatic Vehicle Detection Using Pixelwise Classification ApproachIOSR Journals
 
IRJET- Smart Traffic Control System using Image Processing
IRJET- Smart Traffic Control System using Image ProcessingIRJET- Smart Traffic Control System using Image Processing
IRJET- Smart Traffic Control System using Image ProcessingIRJET Journal
 
Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...
Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...
Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...IJERA Editor
 
IRJET- Automatic Toll Collection System using ALPR and Biometrics System
IRJET- Automatic Toll Collection System using ALPR and Biometrics SystemIRJET- Automatic Toll Collection System using ALPR and Biometrics System
IRJET- Automatic Toll Collection System using ALPR and Biometrics SystemIRJET Journal
 
Traffic study project for final year CIVIL engineering
Traffic study project for final year CIVIL engineeringTraffic study project for final year CIVIL engineering
Traffic study project for final year CIVIL engineeringMohammadOsamaJafry
 
Route optimization using network analyst tools of arcgis(mid term evaluation)...
Route optimization using network analyst tools of arcgis(mid term evaluation)...Route optimization using network analyst tools of arcgis(mid term evaluation)...
Route optimization using network analyst tools of arcgis(mid term evaluation)...PRABHATKUMAR751
 
A highway variable speed limit control system based on internet of things
A highway variable speed limit control system based on internet of thingsA highway variable speed limit control system based on internet of things
A highway variable speed limit control system based on internet of thingsijmnct
 
Final_Report_RelteqSystems_v2
Final_Report_RelteqSystems_v2Final_Report_RelteqSystems_v2
Final_Report_RelteqSystems_v2Alex Kurzhanskiy
 
333333333333
333333333333333333333333
333333333333Mukesh M
 
Estimation of bitlength of transformed quantized residue
Estimation of bitlength of transformed quantized residueEstimation of bitlength of transformed quantized residue
Estimation of bitlength of transformed quantized residueIAEME Publication
 
INTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTURE
INTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTUREINTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTURE
INTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTUREWael Alawsey
 
A Novel Design of a 4 Bit Reversible ALU using Kogge-Stone Adder
A Novel Design of a 4 Bit Reversible ALU using Kogge-Stone AdderA Novel Design of a 4 Bit Reversible ALU using Kogge-Stone Adder
A Novel Design of a 4 Bit Reversible ALU using Kogge-Stone Adderijtsrd
 
Automated toll tax collection using rfid
Automated toll tax collection using rfidAutomated toll tax collection using rfid
Automated toll tax collection using rfidjeet patalia
 
Congestion control & collision avoidance algorithm in intelligent transportation
Congestion control & collision avoidance algorithm in intelligent transportationCongestion control & collision avoidance algorithm in intelligent transportation
Congestion control & collision avoidance algorithm in intelligent transportationIAEME Publication
 

What's hot (20)

Smart Car Parking System Using FPGA and E-Application
Smart Car Parking System Using FPGA and E-ApplicationSmart Car Parking System Using FPGA and E-Application
Smart Car Parking System Using FPGA and E-Application
 
Automatic face and VLP’S recognition for smart parking system
Automatic face and VLP’S recognition for smart parking systemAutomatic face and VLP’S recognition for smart parking system
Automatic face and VLP’S recognition for smart parking system
 
License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...
License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...
License Plate Recognition System for Moving Vehicles Using ­Laplacian Edge De...
 
IRJET- Prediction of Cab Demand using Machine Learning
IRJET- Prediction of Cab Demand using Machine LearningIRJET- Prediction of Cab Demand using Machine Learning
IRJET- Prediction of Cab Demand using Machine Learning
 
Automatic Vehicle Detection Using Pixelwise Classification Approach
Automatic Vehicle Detection Using Pixelwise Classification ApproachAutomatic Vehicle Detection Using Pixelwise Classification Approach
Automatic Vehicle Detection Using Pixelwise Classification Approach
 
IRJET- Smart Traffic Control System using Image Processing
IRJET- Smart Traffic Control System using Image ProcessingIRJET- Smart Traffic Control System using Image Processing
IRJET- Smart Traffic Control System using Image Processing
 
Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...
Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...
Algorithm for Effective Movement of Emergency Vehicles from Traffic Control S...
 
Presentation
PresentationPresentation
Presentation
 
IRJET- Automatic Toll Collection System using ALPR and Biometrics System
IRJET- Automatic Toll Collection System using ALPR and Biometrics SystemIRJET- Automatic Toll Collection System using ALPR and Biometrics System
IRJET- Automatic Toll Collection System using ALPR and Biometrics System
 
Traffic study project for final year CIVIL engineering
Traffic study project for final year CIVIL engineeringTraffic study project for final year CIVIL engineering
Traffic study project for final year CIVIL engineering
 
Route optimization using network analyst tools of arcgis(mid term evaluation)...
Route optimization using network analyst tools of arcgis(mid term evaluation)...Route optimization using network analyst tools of arcgis(mid term evaluation)...
Route optimization using network analyst tools of arcgis(mid term evaluation)...
 
A highway variable speed limit control system based on internet of things
A highway variable speed limit control system based on internet of thingsA highway variable speed limit control system based on internet of things
A highway variable speed limit control system based on internet of things
 
Final_Report_RelteqSystems_v2
Final_Report_RelteqSystems_v2Final_Report_RelteqSystems_v2
Final_Report_RelteqSystems_v2
 
Report NIYANTRA
Report NIYANTRAReport NIYANTRA
Report NIYANTRA
 
333333333333
333333333333333333333333
333333333333
 
Estimation of bitlength of transformed quantized residue
Estimation of bitlength of transformed quantized residueEstimation of bitlength of transformed quantized residue
Estimation of bitlength of transformed quantized residue
 
INTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTURE
INTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTUREINTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTURE
INTELLIGENT URBAN TRAFFIC CONTROL SYSTEM :ITS ARCHITECTURE
 
A Novel Design of a 4 Bit Reversible ALU using Kogge-Stone Adder
A Novel Design of a 4 Bit Reversible ALU using Kogge-Stone AdderA Novel Design of a 4 Bit Reversible ALU using Kogge-Stone Adder
A Novel Design of a 4 Bit Reversible ALU using Kogge-Stone Adder
 
Automated toll tax collection using rfid
Automated toll tax collection using rfidAutomated toll tax collection using rfid
Automated toll tax collection using rfid
 
Congestion control & collision avoidance algorithm in intelligent transportation
Congestion control & collision avoidance algorithm in intelligent transportationCongestion control & collision avoidance algorithm in intelligent transportation
Congestion control & collision avoidance algorithm in intelligent transportation
 

Similar to IRJET- Analysis and Prediction of Delay at Signalized Junctions in Bangalore

IRJET-utomatic Intelligent Traffic Control System
IRJET-utomatic Intelligent Traffic Control SystemIRJET-utomatic Intelligent Traffic Control System
IRJET-utomatic Intelligent Traffic Control SystemIRJET Journal
 
Digital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the Tank
Digital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the TankDigital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the Tank
Digital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the TankIRJET Journal
 
IRJET-Intellectual 4way Traffic Control System using PLC and SCADA
IRJET-Intellectual 4way Traffic Control System using PLC and SCADAIRJET-Intellectual 4way Traffic Control System using PLC and SCADA
IRJET-Intellectual 4way Traffic Control System using PLC and SCADAIRJET Journal
 
IRJET- Time To Cross – Traffic Light Control System using Image Processing
IRJET-  	  Time To Cross – Traffic Light Control System using Image ProcessingIRJET-  	  Time To Cross – Traffic Light Control System using Image Processing
IRJET- Time To Cross – Traffic Light Control System using Image ProcessingIRJET Journal
 
IRJET- Traffic Prediction Techniques: Comprehensive analysis
IRJET- Traffic Prediction Techniques: Comprehensive analysisIRJET- Traffic Prediction Techniques: Comprehensive analysis
IRJET- Traffic Prediction Techniques: Comprehensive analysisIRJET Journal
 
Smart Driving Test Track
Smart Driving Test TrackSmart Driving Test Track
Smart Driving Test TrackIRJET Journal
 
IRJET- Design and Development of Traffic Flow Prediction System for Efficient...
IRJET- Design and Development of Traffic Flow Prediction System for Efficient...IRJET- Design and Development of Traffic Flow Prediction System for Efficient...
IRJET- Design and Development of Traffic Flow Prediction System for Efficient...IRJET Journal
 
IRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring SystemIRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring SystemIRJET Journal
 
Design of intelligent traffic light controller using gsm & embedded system
Design of intelligent traffic light controller using gsm & embedded systemDesign of intelligent traffic light controller using gsm & embedded system
Design of intelligent traffic light controller using gsm & embedded systemYakkali Kiran
 
Control of Traffic Signals by AI based Image Processing
Control of Traffic Signals by AI based Image ProcessingControl of Traffic Signals by AI based Image Processing
Control of Traffic Signals by AI based Image ProcessingIRJET Journal
 
IRJET - Density based Traffic Management System
IRJET - Density based Traffic Management SystemIRJET - Density based Traffic Management System
IRJET - Density based Traffic Management SystemIRJET Journal
 
A four way autometic traffic control system with variable delay using hdl
A four way autometic traffic control system with variable delay using hdlA four way autometic traffic control system with variable delay using hdl
A four way autometic traffic control system with variable delay using hdleSAT Journals
 
IRJET- Intelligent Traffic Management System
IRJET- Intelligent Traffic Management SystemIRJET- Intelligent Traffic Management System
IRJET- Intelligent Traffic Management SystemIRJET Journal
 
IRJET- Management of Traffic at Road Intersection using Software Modelling
IRJET- Management of Traffic at Road Intersection using Software ModellingIRJET- Management of Traffic at Road Intersection using Software Modelling
IRJET- Management of Traffic at Road Intersection using Software ModellingIRJET Journal
 
Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...
Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...
Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...IRJET Journal
 
Vehicle Traffic Analysis using CNN Algorithm
Vehicle Traffic Analysis using CNN AlgorithmVehicle Traffic Analysis using CNN Algorithm
Vehicle Traffic Analysis using CNN AlgorithmIRJET Journal
 
IRJET- Sentimental Analysis on Product using Statistical Measures
IRJET-  	  Sentimental Analysis on Product using Statistical MeasuresIRJET-  	  Sentimental Analysis on Product using Statistical Measures
IRJET- Sentimental Analysis on Product using Statistical MeasuresIRJET Journal
 
A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...
A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...
A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...ijtsrd
 
IRJET- Road Accident Prediction using Machine Learning Algorithm
IRJET- Road Accident Prediction using Machine Learning AlgorithmIRJET- Road Accident Prediction using Machine Learning Algorithm
IRJET- Road Accident Prediction using Machine Learning AlgorithmIRJET Journal
 
Vehicle pollution control and traffic management
Vehicle pollution control and traffic managementVehicle pollution control and traffic management
Vehicle pollution control and traffic managementeSAT Journals
 

Similar to IRJET- Analysis and Prediction of Delay at Signalized Junctions in Bangalore (20)

IRJET-utomatic Intelligent Traffic Control System
IRJET-utomatic Intelligent Traffic Control SystemIRJET-utomatic Intelligent Traffic Control System
IRJET-utomatic Intelligent Traffic Control System
 
Digital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the Tank
Digital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the TankDigital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the Tank
Digital Gasoline Indicator which Shows Accurate Fuel/Gasoline in the Tank
 
IRJET-Intellectual 4way Traffic Control System using PLC and SCADA
IRJET-Intellectual 4way Traffic Control System using PLC and SCADAIRJET-Intellectual 4way Traffic Control System using PLC and SCADA
IRJET-Intellectual 4way Traffic Control System using PLC and SCADA
 
IRJET- Time To Cross – Traffic Light Control System using Image Processing
IRJET-  	  Time To Cross – Traffic Light Control System using Image ProcessingIRJET-  	  Time To Cross – Traffic Light Control System using Image Processing
IRJET- Time To Cross – Traffic Light Control System using Image Processing
 
IRJET- Traffic Prediction Techniques: Comprehensive analysis
IRJET- Traffic Prediction Techniques: Comprehensive analysisIRJET- Traffic Prediction Techniques: Comprehensive analysis
IRJET- Traffic Prediction Techniques: Comprehensive analysis
 
Smart Driving Test Track
Smart Driving Test TrackSmart Driving Test Track
Smart Driving Test Track
 
IRJET- Design and Development of Traffic Flow Prediction System for Efficient...
IRJET- Design and Development of Traffic Flow Prediction System for Efficient...IRJET- Design and Development of Traffic Flow Prediction System for Efficient...
IRJET- Design and Development of Traffic Flow Prediction System for Efficient...
 
IRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring SystemIRJET - Unmanned Traffic Signal Monitoring System
IRJET - Unmanned Traffic Signal Monitoring System
 
Design of intelligent traffic light controller using gsm & embedded system
Design of intelligent traffic light controller using gsm & embedded systemDesign of intelligent traffic light controller using gsm & embedded system
Design of intelligent traffic light controller using gsm & embedded system
 
Control of Traffic Signals by AI based Image Processing
Control of Traffic Signals by AI based Image ProcessingControl of Traffic Signals by AI based Image Processing
Control of Traffic Signals by AI based Image Processing
 
IRJET - Density based Traffic Management System
IRJET - Density based Traffic Management SystemIRJET - Density based Traffic Management System
IRJET - Density based Traffic Management System
 
A four way autometic traffic control system with variable delay using hdl
A four way autometic traffic control system with variable delay using hdlA four way autometic traffic control system with variable delay using hdl
A four way autometic traffic control system with variable delay using hdl
 
IRJET- Intelligent Traffic Management System
IRJET- Intelligent Traffic Management SystemIRJET- Intelligent Traffic Management System
IRJET- Intelligent Traffic Management System
 
IRJET- Management of Traffic at Road Intersection using Software Modelling
IRJET- Management of Traffic at Road Intersection using Software ModellingIRJET- Management of Traffic at Road Intersection using Software Modelling
IRJET- Management of Traffic at Road Intersection using Software Modelling
 
Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...
Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...
Study of Estimation of Road Roughness Condition and Ghat Complexity Analysis ...
 
Vehicle Traffic Analysis using CNN Algorithm
Vehicle Traffic Analysis using CNN AlgorithmVehicle Traffic Analysis using CNN Algorithm
Vehicle Traffic Analysis using CNN Algorithm
 
IRJET- Sentimental Analysis on Product using Statistical Measures
IRJET-  	  Sentimental Analysis on Product using Statistical MeasuresIRJET-  	  Sentimental Analysis on Product using Statistical Measures
IRJET- Sentimental Analysis on Product using Statistical Measures
 
A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...
A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...
A two Stage Fuzzy Logic Adaptive Traffic Signal Control for an Isolated Inter...
 
IRJET- Road Accident Prediction using Machine Learning Algorithm
IRJET- Road Accident Prediction using Machine Learning AlgorithmIRJET- Road Accident Prediction using Machine Learning Algorithm
IRJET- Road Accident Prediction using Machine Learning Algorithm
 
Vehicle pollution control and traffic management
Vehicle pollution control and traffic managementVehicle pollution control and traffic management
Vehicle pollution control and traffic management
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
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
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxhumanexperienceaaa
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 

Recently uploaded (20)

APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
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...
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 

IRJET- Analysis and Prediction of Delay at Signalized Junctions in Bangalore

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 604 Analysis and Prediction of Delay at Signalized Junctions in Bangalore Naveen R1, Nikhil T R2, Akshay Hanagodimath3 1M. Tech student, Civil Engineering Department, MSRUAS, Bengaluru, India 2,3Assistant Professor, Civil Engineering Department, MSRUAS, Bengaluru, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - The day by day Increase in Urbanization is increasing the traffic congestion which is affecting, Level of Service (LOS) and entire traffic system at signalized intersection, which constitute a major concern in every country. Queue Length and Delay are important parameter influencing the Level of Service (LOS) at the signalized intersection. Research’s are going-on to improve the Level of Service (LOS) and Artificial intelligence/Machine learning/Deep learning is one of the superior method to improve Level of Service (LOS) at the signalized intersection. In this investigation, Highway CapacityManual(HCM-2000)is used for determination of Delay and Level of Service (LOS) at the signalized intersections. Linear Regression Model is designed to predict the accurate delay. Fuzzy Logic Traffic controlled Signal is designed to get the required amount of green extension time based on QueuelengthandWaitingtime. For determinationofDelayatsignalized intersection, Highway Capacity Manual-2000andRegressionAnalysisisused. Python is more robust and open source which is very easy to install and user friendly where lot of solutions arefoundonline. Delay value from the Highway Capacity Manual and Linear Regression analysis are almost Similar to each other. To determine Delay from Linear Regression, only 4 input parameters are need to be collected at signalized intersection. To determine Delay from Highway Capacity manual 18 input parameters are needed to be collected at signalized intersection. For determination of delay at new signalized intersection, artificial neural network is superiorbecauseonly 4 parameters need to collected. Fuzzy Logic signal control system is designed to get the exact extension green time based on the Vehicle queue length and waiting time. Strength.in strength. Key Words: LOS- Level of Service, HCM-Highway Capacity Model 1. INTRODUCTION Day-by-day Increase in Urbanization is increasing thetraffic congestion, which is affecting the entire traffic system and constitute a major concern in every country. Increase in Traffic congestion is taking a valuable time from the people, which is indirectly affecting the behaviour of the driver. Change in behaviour of a driver is also becoming a common factor for increase in Accidents especially at the signalized intersection. According to the ministry of Road transport and Highway 1317 crashes and 413 deaths every day. The number of road crashes have increased by 31% from 2007 to 2017. Level of Service (LOS) is used to analyze the intersection by categorizing traffic flow and assigning Level of service for the signalized intersection.Differentsignalized intersection will be serving at different Level of Service (LOS) depending upon geometryoftheroad,Vehiclevolume, traffic signal timing. 1.1 Delay and LOS We have all been there. When driving along suddenly, traffic comes to a standstill. Then, after inching along for what seems like an eternity, just as suddenly as it stopped, traffic starts to move again, the road opening up as if by magic. It can be dangerous to become a part of a sudden traffic jam, and what causes traffic jams and car crashes is based largely on the number of distractions in cars today that can affect the way you react to certain events. Highway capacity manual (HCM) developed by the transportation research board of USA provides some procedure to determinelevel of service. It divides the quality of traffic into six levels ranging form level A to level F. Level A represents the best quality of traffic where the driver has the freedom to drive with free flow speed and level F represents the worst qualityoftraffic. 1.2 Regression Analysis In statistics, linear regression is a linear approach to modeling the relationship between a scalar response (or dependent variable) and one or more explanatory variables (or independent variables). The case of one explanatory variable is called simple linear regression. For more than one explanatory variable, the process is called multiple linear regressions. This term is distinct from multivariate linear regression, where multiple correlated dependent variables are predicted, rather than a single scalar variable. 1.3 Fuzzy Logic Fuzzy logic is a form of many-valued logic in whichthe truth values of variables may be any real number between0and1 both inclusive. It is employed to handletheconceptofpartial truth, where the truth value may range between completely true and completely false. By contrast, in Boolean logic, the truth values of variables may only be the integer values 0 or 1. 2. LITERATURE REVIEW Javed alam and Dr.Manoj Kuamr Pandey(2005).et.al: In this paper the two stage traffic light system is designed using fuzzy logic and its performance is compared with the pre- timed signal controller. Extension time decision module(ETDM) will calculates the green light time i.e.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 605 extension time of the respected phase which is having higher urgency can be calculated according to the higher number of vehicles. Two inputs are used for the design of fuzzy logic such as Queue-lane-1, queue-lane-2 and the extension green time is used as the output from the fuzzy logic signal controller.queue-lane-1 is used to determinethe number of vehicles in lane 1 and queue-lane-2 is used to determine the number of vehicles in the lane-2. C. M. Mwangi, S. M. Kang(2014).et.al: This paper proposes a fuzzy logic system to control traffic signals on a signalized intersection. The fuzzy logic controller (FLC) dynamically controls the traffic light timings and phase sequence to ensure smooth flow of traffic, decrease traffic delays and thus increase the intersection capacity. A fuzzy logic traffic control simulation model is developed and tested using MATLAB/ SIMULINK software.Queuelengthadwaitingtime are used as the input for the fuzzy logic traffic control. Phase selection and green phase extension model is taken as output. The fuzzy logic system will use information from the inductive loop sensors to determine the number of number of cars between the two set of the sensors. Shen Rong and Zhang Bao-wen(2018) The paper herein introduces the algorithm and model of the field of machine learning. Linear regression model is used to analyze the sale of iced products of company and the effect of temperature variation on the sale. Firstly, we cleanse the data collected one year ago and analyze data at the same time. Then we choose forecast temperature as the independent variable and the sale of iced products as the dependent variable to establish simple linear regression model for analysis. We use the object-oriented programming language Python3.6 and introduce the linear regression function. Programming language can also make data analysis in the field of data mining easier. The final resultcorrectlyleadsthecompanyto adjust the production and sale of iced products flexibly according to the variation of temperature, which definitely provides great commercial value and offers crucial theoretical foundation for the sale of other companies who produce iced products. 3. METHODS AND METHODOLOGY 3.1 Methodology: The traffic movement survey is carried out in the Signalized junction of Bangalore. The delay is calculated for each signal using Highway Capacity Manual 2000. The results obtained are trained in the Linear Regression Model. The output from the Highway Capacity Manual-2000 and the Linear Regression model is compared for similarity. Suitable solution for the reduction in delay at the junction. From the research papers it is seen that out of 18 parameters which are required to calculate delay in Highway Capacity Manual- 2000 can be reduced to only 4 parameters(PCU, green/cycle length time, cycle time and width of road) to predict the delay for the signalized junction. Addition to 4 parameters for more specific results, anadditional parameterisadded as input which is “time” showing delay for each hour irrespective of the peak time. The obtained delays are trained in the regression model. The regression model is selected as the data provided are in sequenced manner. The python having the inbuilt functions builds the model with call functions and fits the model and predicts/provides the results depending on the data input. The predicted data are compared with the actual results obtained from the manual. Suitable solution is developed depending on the delay at each signal. 3.2 Traffic Survey Traffic movement surveys were carried out in the following intersections of Bangalore for determination of delay, as shown in below Tables. Figure 1: Locations of Traffic Survey in Bangalore 3.2 Highway Capacity Manual The delay for the signal is calculated using HCM-2000 for every hour for all the legs. The delay is obtained using 18 parameters which are mentioned in the manual. The obtained parameters define the delay at the junction. The delays calculated are then trained in the linear regression model so that the model predicts the required delay at any particular time. 3.3 Linear Regression Linear regression is chosen for the predictionofdelay.Outof 18 parameters only 4 parameters are taken as input for the model. The obtained delay is bifurcated as training data and testing data. The models isdevelopedusingPython3.6 which is robust and having many inbuilt functions. The model is thus trained using the 4 inputs and the obtained delay from HCM-2000. The model in turn trains itself and predicts the delay at any point of time. import pandas as pd import math import numpy as np
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 606 import warnings warnings.filterwarnings('ignore') from sklearn.model_selection import KFold from sklearn.linear_model import LinearRegression,Lasso,Ridge fromsklearn.model_selectionimporttrain_test_split ld=pd.read_excel(r'(import the file from the location',encoding='latin') ld.head() ld["Timings"].nunique() ld.columns l2_dummies=pd.get_dummies(ld["Timings"]) ld=pd.concat((ld,l2_dummies),1) ld=ld.drop("Timings",1) l2_dummies for col in ['Movement']: ld[col]=ld[col].astype('str') lp_dummies=pd.get_dummies(ld["Movement"]) ld=pd.concat((ld,lp_dummies),1) ld.dtypes ld=ld.drop("Name of signal intersection",1) ld.dtypes ld=ld.drop(["Movement"],axis=1) ld.dropna(axis=0,inplace=True) ld_train,ld_test=train_test_split(ld,test_size=0.2,rand om_state=2) lm=LinearRegression() x_train=ld_train.drop(["Delay (Sec/veh)"],1) y_train=ld_train["Delay (Sec/veh)"] y_train.head() x_test=ld_test.drop(["Delay (Sec/veh)"],1) y_test=ld_test["Delay (Sec/veh)"] lm.fit(x_train,y_train) x_test.head() residual=p_test-y_test l_rmse=np.sqrt(np.dot(residual,residual)/len(p_test )) l_rmse coefs=lm.coef_ features=x_train.columns list(zip(features,coefs)) # Finding best value of penalty weight with cross validation for ridge regression alphas=np.linspace(.0001,10,100) # We need to reset index for cross validation to work without hitch x_train.reset_index(drop=True,inplace=True) y_train.reset_index(drop=True,inplace=True) rmse_list=[] for a in alphas: ridge = Ridge(fit_intercept=True, alpha=a) # computing average RMSE across 10-fold cross validation kf = KFold(n_splits=10) xval_err = 0 for train, test in kf.split(x_train): ridge.fit(x_train.loc[train], y_train[train]) p = ridge.predict(x_train.loc[test]) err = p - y_train[test] xval_err += np.dot(err,err) rmse_10cv = np.sqrt(xval_err/len(x_train)) # uncomment below to print rmse values for individidual alphas* # print('{:.3f}t {:.6f}t '.format(a,rmse_10cv)) rmse_list.extend([rmse_10cv]) best_alpha=alphas[rmse_list==min(rmse_list)] print('Alpha with min 10cv error is : ',best_alpha ) ridge=Ridge(fit_intercept=True,alpha=best_alpha) ridge.fit(x_train,y_train) p_test=ridge.predict(x_test) residual=p_test-y_test rmse_ridge=np.sqrt(np.dot(residual,residual)/len(p _test)) rmse_ridge alphas=np.linspace(0.0001,1,100) rmse_list=[] for a in alphas: lasso = Lasso(fit_intercept=True, alpha=a,max_iter=10000) # computing RMSE using 10-fold cross validation kf = KFold(n_splits=10) xval_err = 0 for train, test in kf.split(x_train): lasso.fit(x_train.loc[train], y_train[train]) p =lasso.predict(x_train.loc[test]) err = p - y_train[test] xval_err += np.dot(err,err) rmse_10cv = np.sqrt(xval_err/len(x_train)) rmse_list.extend([rmse_10cv]) # Uncomment below to print rmse values of individual alphas print('{:.3f}t {:.4f}t '.format(a,rmse_10cv)) best_alpha=alphas[rmse_list==min(rmse_list)] print('Alpha with min 10cv error is : ',best_alpha ) lasso=Lasso(fit_intercept=True,alpha=best_alpha) lasso.fit(x_train,y_train) p_test=lasso.predict(x_test) residual=p_test-y_test rmse_lasso=np.sqrt(np.dot(residual,residual)/len(p _test)) rmse_lasso list(zip(x_train.columns,lasso.coef_)) x_test['y_pred']=p_test x_test['y_actual']=y_test x_test.head() 3.4. Results from Linear Regression Model Sl No Delay from HCM-2000 (sec/vehicle) Delay from the regression model Linear Lasso Ridge 1 53.63 66.45 68.26 67.62 2 123.47 136.58 128.66 132.27 3 2760.36 3428.22 3437.73 3373.89
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 607 4 323.94 302.34 315.17 332.08 5 2751.64 2764.06 2766.48 2764.22 3.5. Design of Fuzzy Logic Using Python import numpy as np import warnings warnings.filterwarnings("ignore") import skfuzzy as fuzz from skfuzzy import control as ctrl waitingtime = ctrl.Antecedent(np.arange(0, 61, 1), 'waitingtime') queuelength = ctrl.Antecedent(np.arange(0, 61, 1), 'queuelength') greentime = ctrl.Consequent(np.arange(0, 61, 1), 'greentime') waitingtime.automf(5) queuelength.automf(5) greentime['zero'] = fuzz.trimf (greentime.universe, [0, 0, 0]) greentime['small']=fuzz.trimf(greentime.universe, [0, 0, 15]) greentime['medium'] = fuzz.trimf (greentime.universe, [0, 15, 30]) greentime['large'] = fuzz.trimf(greentime.universe, [15, 30, 45]) greentime['verylarge'] = fuzz.trimf (greentime.universe, [30,45,60]) waitingtime.view() rule1 = ctrl.Rule(waitingtime['poor'] | queuelength['poor'], greentime['zero']) rule2 = ctrl.Rule(waitingtime['poor'] | queuelength['mediocre'], greentime['zero']) rule3 = ctrl.Rule(waitingtime['poor'] | queuelength['average'], greentime['small']) rule4 = ctrl.Rule(waitingtime['poor'] | queuelength['decent'], greentime['small']) rule5 = ctrl.Rule(waitingtime['poor'] | queuelength['good'], greentime['medium']) rule6 = ctrl.Rule(waitingtime['mediocre'] | queuelength['poor'], greentime['zero']) rule7 = ctrl.Rule(waitingtime['mediocre'] | queuelength['mediocre'], greentime['zero']) rule8 = ctrl.Rule(waitingtime['mediocre'] | queuelength['average'], greentime['small']) rule9 = ctrl.Rule(waitingtime['mediocre'] | queuelength['decent'], greentime['medium']) rule10 = ctrl.Rule(waitingtime['mediocre'] | queuelength['good'], greentime['large']) rule11 = ctrl.Rule(waitingtime['average'] | queuelength['poor'], greentime['small']) rule12 = ctrl.Rule(waitingtime['average'] | queuelength['mediocre'], greentime['small']) rule13 = ctrl.Rule(waitingtime['average'] | queuelength['average'], greentime['medium']) rule14 = ctrl.Rule(waitingtime['average'] | queuelength['decent'], greentime['medium']) rule15 = ctrl.Rule(waitingtime['average']| queuelength['good'], greentime['medium']) rule16 = ctrl.Rule(waitingtime['decent'] | queuelength['poor'], greentime['small']) rule17 = ctrl.Rule(waitingtime['decent'] | queuelength['mediocre'], greentime['small']) rule18 = ctrl.Rule(waitingtime['decent'] | queuelength['average'], greentime['medium']) rule19 = ctrl.Rule(waitingtime['decent'] | queuelength['decent'], greentime['large']) rule20 = ctrl.Rule(waitingtime['decent'] | queuelength['poor'], greentime['large']) rule21 = ctrl.Rule(waitingtime['good'] | queuelength['poor'], greentime['medium']) rule22 = ctrl.Rule(waitingtime['good'] | queuelength['mediocre'], greentime['medium']) rule23 = ctrl.Rule(waitingtime['good'] | queuelength['average'], greentime['medium']) rule23 = ctrl.Rule(waitingtime['good'] | queuelength['decent'], greentime['medium']) rule24 = ctrl.Rule(waitingtime['good'] | queuelength['good'], greentime['large']) #rule2.view() tipping_ctrl = ctrl.ControlSystem([rule1, rule2, rule3]) tipping=ctrl.ControlSystemSimulation(tipping_ctrl) def calculateGreentime(waitingTime,queueLength): tipping.input['waitingtime'] = waitingTime tipping.input['queuelength'] = queueLength tipping.compute() print(tipping.output['greentime']) greentime.view(sim=tipping) calculateGreentime(10.0,5.30) 3.6. Results from Fuzzy Logic Model 4. CONCLUSION  For determination of Delay at signalized intersection, Highway Capacity Manual-2000 and Regression Analysis is used.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 608  Python is more robust and open source which is very easy to install and user friendly where lot of solutions are found online.  Delay value from the Highway Capacity Manual and Linear Regression analysis are almost similar to each other.  To determine Delay from Linear Regression, only 4 input parameters are need to be collected at signalized intersection.  To determine Delay from Highway Capacity manual 18 input parameters are needed to be collected at signalized intersection.  For determination of delay at new signalized intersection, artificial neural network is superior because only 4 parameters need to collected.  Fuzzy Logic signal control system is designed to get the exact extension green time based on the Vehicle queue length and waiting time. REFERENCES [1] J. Mohamed Rizwan , 2016. Multi Layer Perception type artificial Neural Network based traffic control. International Journal of Engineering and Innovative Technology. [2] Javed alam., 2015. Design and analysis of a two stage traffic light system using fuzzy logic. Journal of information technology. [3] mk, J. a. a. P., 2015. Design and Analysis of a two stage traffic light system using Fuzzy Logic. Journal of information Technology and software Engineering. [4] murat, O. B. a. Y. S., july 2006. Modelling Vehicle delays at signalized intersections: Artificial Neural Netwotk. Journal of Scientific and Industrial Research. [5] Ozgur Baskan,, 2006. Modelling vehicle delays at signalized intersections: Artificial neural networks approach. Journal of scientific and industrial research. [6] Sahar araghi, ., 2014. Optomal Design of traffic signal controller using Neural Networks and Fuzzy Logic System. International joint conference on Neural Networks(IJCNN) .