Skip to main content
Scientific Reports logoLink to Scientific Reports
. 2025 Apr 24;15:14232. doi: 10.1038/s41598-025-95048-0

Ambulance route optimization in a mobile ambulance dispatch system using deep neural network (DNN)

C Selvan 1, Basha H Anwar 2, Soumyalatha Naveen 3,, Shaik Thasleem Bhanu 4
PMCID: PMC12022337  PMID: 40274919

Abstract

The ambulance dispatch system plays a crucial role in emergency medical care by ensuring efficient communication, reducing response times, and ultimately saving lives. Delays in ambulance arrival can have serious consequences for patient health and survival. To enhance emergency preparedness, decision trees are used to analyze historical data and predict ambulance demand in specific locations over time. This helps in planning the necessary number of ambulances in advance. In situations where ambulance resources are limited, a support vector machine (SVM) evaluates patient data to optimize the distribution of available ambulances, ensuring that the most critical patients receive timely medical attention. For real-time route optimization, a convolutional neural network (CNN)-based deep learning model is used to adjust ambulance routes based on current traffic and road conditions, achieving an accuracy of 99.15%. By improving dispatch efficiency and communication, the proposed machine learning-based ambulance system reduces the burden on emergency services, enhancing overall effectiveness, particularly during peak demand periods.

Subject terms: Computer science, Information technology

Introduction

In medical situations, ambulances are frequently the initial point of contact. An effective emergency medical response can be provided by a well-maintained ambulance service system that can save lives and lessen the severity of injuries. An ambulance dispatch system dramatically aids the prompt and appropriate delivery of medical care to patients. Delaying medical care in situations where the patient is experiencing a medical emergency, such as a heart attack or stroke, can dramatically lower their chances of surviving as well. Delays in receiving medical care can make patients feel worse, which can make it more difficult to control their symptoms and lower their quality of life1. A good ambulance service system should ensure prompt and safe transportation of patients, which can be crucial for their recovery. For patients who need rapid medical attention, ambulance services are essential for providing both transportation and medical aid2. A delayed reaction can greatly impact a patient’s chances of survival3, and in rare circumstances, it can even result in death. The Bombay government has responded to this occurrence by enhancing ambulance services, including expanding the number of ambulances and strategically placing them according to demand and traffic patterns. This emphasizes the need for effective dispatching systems for ambulances and real-time tracking systems to guarantee that they can reach patients in need as soon as feasible.

The ambulance service offers rapid medical care, which in many cases can lead to differences between life and death. It is impossible to exaggerate the value of ambulance services in an emergency. The ambulance service can offer prompt medical attention in emergencies where time is essential, such as a heart attack or stroke, which can save lives. Furthermore, essential to ensuring that patients receive the required medical care is transporting patients to hospitals, clinics, or other healthcare facilities via ambulance services4. Ambulance services are frequently the sole way for residents of these communities to access medical care and transportation. In addition to providing medical treatment and transportation during natural disasters such as earthquakes, floods, and hurricanes, ambulance services are essential to disaster management. Whether they live in rural or urban locations, end users could benefit from prompt administration of patient medication without any delays by using the ambulance application system.

The contribution of this proposed work is as follows:

  • Utilizes a Deep Neural Network (DNN) to dynamically optimize ambulance routes based on real-time traffic and road conditions, reducing response times.

  • Implements machine learning techniques to forecast ambulance demand, ensuring efficient deployment and preparedness in high-risk areas.

  • Uses Support Vector Machines (SVM) to prioritize ambulance allocation, ensuring critically ill patients receive timely medical attention.

  • Enhances communication and dispatch efficiency, minimizing delays and optimizing resource utilization during peak demand periods.

Literature survey

Ambulance and medical services

Systems for dispatching ambulances have the potential to greatly increase emergency medical services. A thorough analysis of ambulance location and dispatching tactics is given by Lim et al. Response times are impacted by the geography of the region where the ambulance service is located. Ambulance response times can also be slowed by hilly terrain, dense forest cover, and other natural obstacles5. In their research, H.Setzler et al. assessed the response times of ambulances in urban and rural locations and examined how variables such as distance, traffic conditions, and population density affect response times. Owing to the distance between population canters, reaction times in rural areas with sparse populations may be slower6.The authors examine how call volume, population density, and ambulance accessibility affect response times. Each policy for ambulance service has advantages and disadvantages, and the efficiency of a policy depends on the particulars of the emergency medical services (EMS) system. Similarly, alternative transportation policies might work well in rural areas but be too expensive to use in cities7.

Virtual routing problem

Nanwani et al. developed an ambulance monitoring system8. It employs GPS and GSM technology to track the location of the ambulance and sends real-time updates to the hospital and the patient’s family. A system that employs IoT technology to identify accidents and promptly calls for an ambulance was later proposed by Karmokar et al. The system also has a GPS tracking feature to aid the ambulance in swiftly locating the scene of the accident. This information can be used to evaluate the effectiveness of EMS services and pinpoint areas for development9. To estimate the demand for ambulance services in various places and accelerate response times, W. Zhang et al. launched an emergency ambulance dispatching system via machine learning techniques10. Hajiali proposed a real-time ambulance dispatching system that prioritizes emergency cases and uses route optimization techniques to speed up response times. This system gives drivers, medical facilities, and other stakeholders access to real-time updates, which enhances communication and coordination between all parties and significantly improves the performance of the ambulance service and patient outcomes11. Despite extensive research on VRP issues, some real-world VRP applications remain extremely difficult to solve12. The traveling salesman problem (TSP), one of the most actively researched combinatorial optimization problems, was first proposed by Menger and is connected to the VRP13. TSP seeks to find the shortest circular path to travel through all customers without considering several practical constraints, such as capacity and time14. There is no reliable ML-assisted VRP research platform for training and testing. The research communities must collaborate to develop an integrated platform with libraries and tools for both ML and optimization, which is the focus of15.

The key research gaps identified in this literature review are as follows:

  • There is a lack of models that can adapt in realtime without requiring frequent retraining or recalibration. Current models such as decision trees or static optimization algorithms do not handle dynamic, time-dependent factors such as traffic congestion or accidents effectively.

  • Most models optimize only the initial route, but real-time dynamic rerouting algorithms that adjust routes on the basis of ongoing changes, such as live traffic data, roadblocks, or emergency reprioritization, are needed.

  • Current optimization techniques often fail to scale effectively when applied to large metropolitan areas.There is a need for models that handle the computational complexity of optimizing ambulance routes across large geographic areas with high-dimensional input data (e.g., real-time traffic data, multiple emergencies, different vehicle types).

Proposed methodology

The proposed system is divided into three phases. First, the dataset is collected and analyzed via a decision tree algorithm, which predicts the need for ambulances on the basis of collected historical data, allowing ambulances to be available around the clock day16. In the second phase, the data are sent for model training, which is then directed to the SVM algorithm with GPS technology. Figure 1 shows the overall scenario of ambulance dispatch to the end users.

Fig. 1.

Fig. 1

Depicts a typical ambulance dispatch scenario.

Figure 2 shows each phase’s direction flow, clearly stating each phase input and output that is delivered. Finally, to achieve an optimized ambulance dispatch that provides the shortest path to the hospital,a CRNN is used, which provides a quick response to dispatch the ambulance services. Traditional methods such as linear programming (LP) and integer programming (IP) are well-suited for deterministic and linear problems. However, ambulance route optimization is a highly dynamic and nonlinear problem involving multiple real-time factors, such as traffic conditions, road closures, and patient priorities. DNNs excel in learning complex patterns from historical and real-time data, making them particularly effective in dynamic routing scenarios. Unlike LP and GA, which require explicit modeling of constraints and objective functions, DNNs can autonomously learn these relationships from large datasets.

Fig. 2.

Fig. 2

Ambulance dispatch system architecture.

Pre-processing is a crucial step in data analysis that enhances the quality and reliability of input data before model training. It involves data cleaning, normalization, and transformation to handle missing values, remove inconsistencies, and standardize formats. Feature selection and extraction help in reducing dimensionality, improving model efficiency. In ambulance route optimization, pre-processing includes filtering real-time traffic data, encoding categorical variables, and normalizing GPS coordinates for accurate predictions. Proper pre-processing ensures that the model learns meaningful patterns, minimizes noise, and improves overall performance, leading to more accurate and efficient ambulance dispatch decisions in emergency scenarios.

Ambulance needs prediction

Emergency services can be more ready and responsive if they anticipate when an ambulance is needed. This is crucial in circumstances such as medical emergencies or serious injuries, where every second counts17. The basic assumption for the Mobile Ambulance Dispatch System is the availability of the ambulance, traffic conditions, priority for the patients, ambulance capacity and the present location of the ambulance.Decision trees can be effective tools when determining whether an ambulance is required before an accident. A decision tree is a hierarchical model that represents decisions and their potential outcomes. The tree nodes represent decision points, and the edges represent potential outcomes of those decisions18. After being built and trained with historical data, the decision tree can be used to predict19the demand for an ambulance in realtime. When a new emergency call arrives, the system can feed the relevant data into the decision tree and use it to forecast the likelihood of requiring an ambulance. An ambulance can be dispatched if the likelihood is high20. Let X represent all decisions and Y represent all outcomes. The following equations can be used to represent the decision tree:

  • For each decision i Inline graphic X, let Inline graphic be a binary variable that takes a value of 1 if the decision is made and 0 otherwise. Then, we have
    graphic file with name d33e378.gif 1
    This equation ensures that only one decision is made at each decision point.
  • For each outcome m Inline graphic C, let Inline graphic be a binary variable that takes the value 1 if the outcome occurs and 0 otherwise. Then we have:
    graphic file with name d33e400.gif 2
  • The expected value of the decision tree can be calculated using the following equation:
    graphic file with name d33e409.gif 3
    where Inline graphic is the value associated with outcome j. This equation calculates the expected value of the tree by summing the value of each outcome weighted by its probability.

Support vector machine

Support vector machines (SVMs) are a type of supervised machine learning algorithm that can be used for classification and regression analysis and highly helps in prioritizing ambulance services on the basis of the severity of the patient’s condition. The SVM assumes that there exists a hyperplane (or decision boundary) separating feasible route choices on the basis of input factors such as traffic, distance, and case priority. The mathematical representation of SVM for a binary classification problem can be described as follows: SVM aims to find a hyperplane that separates the input vectors into two classes with the maximum margin between them.

The equation can represent the hyperplane:

graphic file with name d33e428.gif 4

where L is a vector normal to the hyperplane and g is the bias term that shifts the hyperplane. The decision function for the SVM is defined as,

graphic file with name d33e435.gif 5

where sign is the sign function that returns Inline graphic1 or 1 depending on the polarity of the input value.

The margin is defined as the distance between the hyperplane and the closest data points of each class. The distance between a point Ln and the hyperplane is computed as:

graphic file with name d33e450.gif 6

where ||O|| represents the Euclidean norm of O. The optimization problem for the SVM can be formulated as

graphic file with name d33e460.gif 7

where the first term in the objective function represents the margin and the second term represents the constraint that all the data points are correctly classified with a margin of at least 1. This is known as the primal problem of SVM21. The dual problem is subject to

graphic file with name d33e471.gif 8

where Inline graphic are the Lagrange multipliers, and T is a hyperparameter that controls the trade-off between maximizing the margin and minimizing the classification error. The decision function for SVM can be computed as:

graphic file with name d33e485.gif 9

where the sum is taken over all support vectors, which are the data points that lie on the margin or violate the margin constraint.

CRNN - Anticipating the best route

A CRNN can predict the best path for an ambulance traveling a short distance. The network’s input could be a set of GPS coordinates or other location information, and its output could be the anticipated path the ambulance will take. In an ambulance dispatch system, a convolutional recurrent neural network (CRNN) can be used to combine the strengths of both convolutional and recurrent neural networks to predict the best path for an ambulance22. When these features are used to create a map of the area, potential routes for the ambulance to take to reach the patient as quickly and efficiently as possible can be identified23. The CRNN can make route adjustments on the fly, continuously optimizing the path as new information arrives. The output of the CRNN model is the continuous update on the optimal route for the ambulance to reach the emergency location. The working of the CRNN in finding the best route for the ambulance is depicted in Fig. 3.

Fig. 3.

Fig. 3

Working of CRNN in finding the best route for the ambulance.

During the prediction process, the CRNN considers the patient’s location, the ambulance’s current location, and other relevant information, such as real-time traffic updates, and then generates a series of hidden states that represent the network’s evolving understanding of the context24. When a new emergency call arrives, the pertinent information is entered into the trained DNN to receive a suggested ambulance route25,26.

Workflow sequence of CRNN

Input given

TThe input sequence contains the ambulance’s present location, destination location, and other important information.

Convolutional layer

To extract features from the sequence, the input data are processed and filtered multiple times through n convolutional layers. The output of the k-th convolutional layer can be represented as:

graphic file with name d33e540.gif 10

where Inline graphic denotes the output of the (m-1)-th convolutional layer, Inline graphic and Inline graphic are the weights and biases of the m-th convolutional layer, and * denotes the convolution operation.

Recurrent layer

To capture the temporal dependencies in the sequence, a recurrent layer is applied after the feature mappings from the convolutional layer. The output of the m-th recurrent layer can be represented as:

graphic file with name d33e569.gif 11

where Inline graphic denotes the output of the (m-1)-th recurrent layer, y denotes the input sequence and RNN is a recurrent neural network cell(LSTM)

Fully connected layer

The optimum path for the ambulance to take to get to the destination is predicted using the hidden states from the recurrent layer 3. The output of the m-th fully connected layer can be represented as:

graphic file with name d33e586.gif 12

where Inline graphic denotes the output of the (m-1)-th fully connected layer, Inline graphic and Inline graphic are the weights and biases of the m-th fully connected layer, and f is a non-linear activation function.

Training and prediction

Backpropagation and gradient descent are used to train the CRNN to reduce the difference between the expected and actual outputs. As a result, the CRNN algorithm is better able to anticipate the optimum path for an ambulance to travel quickly since it can consider real-time updates of traffic conditions, road closures, and other pertinent data.

Result analysis

The incorporation of machine learning algorithms into ambulance dispatch systems has several advantages, such as faster emergency response times, lower mortality rates, and higher-quality emergency care overall. Table. 1 shows sample data taken into account for experimental analysis of the proposed system. The Kaggle dataset27on ambulance route selection, which is composed of 605 files of road conditions and the time duration to reach the emergency point, is employed. Among the 605 files, 80% of the files were used for training the deep learning model, whereas 20% of the data were used for testing. The generalizability of the proposed model is an important consideration, particularly for varying geographic regions and datasets. While the model was trained and validated using real-world ambulance dispatch data, differences in road infrastructure, traffic patterns, and urban planning may impact its performance in other regions. Grid search was utilized for hyperparameter tuning, evaluating multiple configurations to optimize model performance. Various learning rates (0.0001, 0.001, 0.01), hidden layers (3, 5, 7), neurons per layer (32, 64, 128), batch sizes (16, 32, 64), activation functions (ReLU, Tanh), and optimizers (Adam, RMSprop) were tested. The best hyperparameters were selected based on Mean Absolute Error (MAE) and Mean Squared Error (MSE) to ensure optimal generalization to unseen data.

Table 1.

Sample dataset of patient emergency calls.

S. no Sex Age Arrival mode Injury Complaint Mental Pain Call time Call received location Ambulance no.
1 2 59 2 1 Acute epigastric pain 1 1 20:41 Kangan A4
2 1 56 2 1 Pain, leg 1 1 06:03 Srinagar A7
3 2 58 2 1 Epigastric pain 1 1 09:07 Samboora A2
4 1 63 2 1 Fracture 2 1 15:32 Baramulla A1
5 2 59 2 1 Pain 1 3 01:50 Srinagar A6
6 2 52 1 1 Headache 1 1 13:08 Samboora A2
7 1 64 1 1 Gingival swelling 1 1 19:25 Srinagar A9
8 2 61 2 2 Chin pain 1 1 04:16 Waniyar A11
9 1 49 1 1 RUQ pain 1 3 09:52 Hig Colony A15
10 1 56 2 2 Open Wound 1 1 16:41 Rath Pora A12
11 2 51 2 1 Skin rash 1 1 23:15 Chhatbal A13

A decision tree is used for analyzing large amounts of data on patient outcomes, emergency response times. Table 2 shows the data fields taken into account for predicting the areas where emergency medical care services are needed. Performance metrics were selected to align with real-world ambulance dispatch system requirements, focusing on both accuracy and efficiency. Mean Absolute Error (MAE) and Mean Squared Error (MSE) were used to evaluate route prediction accuracy, ensuring minimal deviation from optimal routes. Computational time was considered crucial, as rapid decision-making is essential in emergency response. Lower error rates contribute to precise route optimization, reducing response times, while efficient computation ensures real-time applicability. These metrics collectively reflect the system’s ability to provide fast and accurate ambulance routing, directly impacting emergency medical service efficiency.

Table 2.

Extracted data for decision tree analysis.

Predictor variables for decision tree analysis Need for dataset inclusion
Day of a week To account for the ambulances nonstationary nature
Hour in a day To account for the ambulances nonstationary nature
Number of calls received in a day To account for the effect of call volumes
Clear rate of an ambulance at Emergency Department per hour To account for the effect of call volumes
Number of Ambulances Currently in Emergency Department To account for the current status of Ambulance

Figure 4 shows a graph that clearly shows the area where many emergency calls were received and,on the basis of the ambulance dispatch system, is trained.

Fig. 4.

Fig. 4

Graph representing higher emergency medical care needed areas.

This can help dispatchers prioritize calls more accurately and effectively with limited ambulance resources.The distance from Ambulance Station B and C to the hospital is depicted in Figs. 5 and 6 respectively.

Fig. 5.

Fig. 5

Distance from Ambulance station B to hospital.

Fig. 6.

Fig. 6

Distance from Ambulance station C to hospital.

After the SVM optimized the ambulance distribution to stations under the predicted need of ambulances computed by the decision tree algorithm on the basis of the emergency call history, the CRNN shifted this proposed idea to a more effective part of implementing ambulance services to the public as fast as possible, as this is a lifesaving minute in many people’s lives.The distance from Ambulance Station A to the hospital and Depicting the optimal path through the CRNN algorithm is presented in Figs. 7 and 8 respectively.

Fig. 7.

Fig. 7

Distance from Ambulance station A to hospital.

Fig. 8.

Fig. 8

Depicting the optimal path through CRNN algorithm.

In this sample scenario, an experiment is conducted, and a call is received from an accident zone to a nearby control station for emergency medical support. Our goal is not only to predict the shortest path but also to determine an optimized route without any major disturbances in the system. This is an important factor for finding the optimized path via the CRNN. In addition to these input numbers of ambulances at each ambulance station, road traffic is processed through the CRNN layers, and the final prediction is performed. Figure 9 shows an illustration of some of the machine learning algorithms involved in vehicle routing.

Fig. 9.

Fig. 9

Efficiency of machine learning algorithms in routing.

Various machinelearning algorithms take part in providing the best route to solve for vehicles to provide faster responses to the public. The proposed method implements its optimized ambulance via the CRNN algorithm.

Computational time in ambulance route optimization denotes the duration required for the model to ingest input data and formulate an optimal routing solution. In emergency medical services, expeditious decision-making is paramount, as even marginal delays can significantly affect patient survival rates. Computational efficiency is influenced by algorithmic complexity, dataset scale, and real-time processing constraints. Conventional optimization techniques often incur prolonged runtimes due to iterative computations, whereas deep learning models, once trained, facilitate near-instantaneous predictions. Minimizing computational time is crucial for real-time implementation, enabling ambulances to swiftly adapt to evolving traffic dynamics and enhance emergency response efficacy. The computational time is compared with the state of the art methodologies and is presented in Table 3.

Table 3.

Performance comparison with state of the art methods.

Parameters DRL28 PPO29 ADL30 LLM31 Proposed
Accuracy 85.2 88.1 90.5 87.8 92.3
Precision 92.4 85.9 89.2 86.5 91.0
Recall 80.1 84.5 88.7 85.2 90.8
F1 score 81.2 85.2 89.0 85.8 90.8
Computational time 1200 ms 980 ms 850 ms 1100 ms 720 ms

The Fig. 10 illustrates the performance metrics-Precision, Recall, and F1 Score-across different models, including DRL, PPO, ADL, LLM, and the Proposed model. Precision reflects the proportion of correctly predicted positive cases, while Recall indicates the model’s ability to capture all relevant cases. F1 Score balances these two metrics, offering a comprehensive measure of model effectiveness. The Proposed model outperforms others, achieving high Precision (91.0%), Recall (90.8%), and F1 Score (90.8%), indicating improved accuracy and reliability in ambulance route optimization. ADL also performs well, whereas PPO and LLM show moderate performance. DRL demonstrates high Precision but lower Recall, suggesting potential trade-offs in prediction consistency. The visualization highlights the effectiveness of the Proposed model in optimizing emergency response routing.

Fig. 10.

Fig. 10

Comparison of Performance with State of art methodologies.

Figure 11 illustrates the computational time of different models used in ambulance route optimization. Among the models compared, DRL exhibits the highest computational time (1200ms), indicating slower processing, while PPO (980ms) and LLM (1100ms) show moderate efficiency. ADL demonstrates improved performance with a reduced computational time of 850ms. The proposed model achieves the lowest computational time (720ms), highlighting its superior efficiency in real-time applications. This reduction in computational time is crucial for emergency medical services, as faster processing enables rapid decision-making, ultimately leading to improved ambulance dispatch and response times in critical situations.

Fig. 11.

Fig. 11

Comparison of Computational Time with State of art methodologies.

As shown in Table 4, Sensitivity analysis is conducted to assess the robustness of the proposed model by evaluating its performance under varying real-world conditions. Key factors such as traffic congestion, road closures, weather conditions, and emergency request density are systematically altered to determine their impact on model predictions. This involves simulating different traffic levels, introducing sudden road diversions, and testing the model under fluctuating ambulance demand. By analyzing changes in accuracy, computational time, and route efficiency, the study ensures that the model remains reliable across diverse scenarios. These insights strengthen the practical applicability of the model, enhancing its adaptability for real-world ambulance dispatch systems.

Table 4.

Sensitivity analysis under various conditions.

Scenario Traffic density Road closures Emergency requests Accuracy (%) Computational time (ms) Route efficiency (%)
Baseline (Normal) Moderate None Standard 92.3 720 89.5
High traffic High None Standard 90.1 850 85.2
Low traffic Low None Standard 94.5 680 92.1
Road closures Moderate Multiple Standard 88.7 940 80.9
High emergency Moderate None High 89.8 810 83.5

Conclusion

Delayed arrival at an ambulance can result in a delay in medical attention, which can cause the patient’s condition to worsen, leading to long-term health complications. The proposed ambulance dispatch system enables effective communication between emergency services, medical professionals, and the public. The proposed ambulance service system ensures that the right number of ambulances is readily available when needed, which is computed with the help of a decision tree algorithm. This can be particularly important in rural or remote areas where medical facilities are limited. SVM is a powerful tool that can be used to prioritize ambulance services on the basis of the severity of the patient’s condition. This would enable the system to improve its performance over time without requiring complete model retraining, especially when exposed to new traffic patterns or emergency distribution trends. The Kaggle dataset, while valuable for training and evaluating the model, may have limitations in terms of representativeness and potential biases. It may not fully capture real-world variations in traffic patterns, emergency request distributions, or regional infrastructure differences. Additionally, biases in data collection, such as underrepresentation of rural areas or specific emergency scenarios, could impact model generalizability. These factors may affect the reliability of predictions when applied to different geographic regions. To mitigate these limitations, future work will incorporate diverse real-world datasets and domain adaptation techniques to enhance the model’s robustness and applicability.

Author contributions

S.C.: conceptualization, analysis, supervision, A.B. methodology and data curation and S.N. Writing original draft, S.T.B writing- review and editing. All authors reviewed the manuscript.

Funding

Open access funding provided by Manipal Academy of Higher Education, Manipal

Open access funding provided by Manipal Academy of Higher Education, Manipal.

Data availability

Publically available dataset is used and available in Kaggle [Ambulance Dataset], https://www.kaggle.com/datasets/tabarkarajab/ambulance-dataset.

Declarations

Competing interests

No conflicts of interest

Footnotes

Publisher’s note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

References

  • 1.Nazari, M., Oroojlooy, A. Lawrence, S. & Martin, T. Reinforcement learning for solving the vehicle routing problem. Adv. Neural Inform. Process. Syst.31, (2018).
  • 2.Alqahtani, M. & Mengqi, H. Dynamic energy scheduling and routing of multiple electric vehicles using deep reinforcement learning. Energy244, 122626 (2022). [Google Scholar]
  • 3.Kulyukin, V., Mukherjee, S. & Prakhar, A. Toward audio beehive monitoring: Deep learning versus standard machine learning in classifying beehive audio samples. Appl. Sci.8(9), 1573 (2018). [Google Scholar]
  • 4.Roy, S. & Rahman, M. S. Emergency vehicle detection on heavy traffic road from cctv footage using deep convolutional neural network. In 2019 international conference on electrical, computer and communication engineering (ECCE), pp. 1-6 (IEEE, 2019).
  • 5.Lim, C. S., Mamat, R. & Braunl, T. Impact of ambulance dispatch policies on performance of emergency medical services. IEEE Trans. Intell. Transp. Syst.12(2), 624–632 (2011). [Google Scholar]
  • 6.Ramachandran, S. & Prabakaran, D. A novel deep reinforcement learning (DRL) method for detecting evasion attack in Iot environment. In 2024 International Conference on Integrated Circuits and Communication Systems (ICICACS), Raichur, India, pp. 1-6, 10.1109/ICICACS60521.2024.10498632 (2024).
  • 7.Jagtenberg, C. J., van den Berg, P. L. & van der Mei, R. D. Benchmarking online dispatch algorithms for emergency medical services. Eur. J. Oper. Res.258(2), 715–725 (2017). [Google Scholar]
  • 8.Nanwani, D., Kshirsagar, P., Kawalkar, B. & Pritish, D. Ambulance tracking and patient health monitoring using GPS and GSM. Publish. Int. J. Emerg. Technol. Eng. Res.5(3), 174–180 (2017). [Google Scholar]
  • 9.Karmokar, P., Bairagi, S., Mondal, A., Nur, F. N., Moon, N. N., Karim, A. & Yeo, K. C. A novel IoT based accident detection and rescue system. In 2020 third international conference on smart systems and inventive technology (ICSSIT), pp. 322-327 (IEEE, 2020).
  • 10.Theeuwes, N., van Houtum, G.-J., & Zhang, Y. Improving ambulance dispatching with machine learning and simulation. In Machine learning and knowledge discovery in databases. Applied Data Science Track: European Conference, ECML PKDD 2021, Bilbao, Spain, September 13-17, 2021, Proceedings, Part IV 21, pp. 302-318. Springer International Publishing (2021).
  • 11.Hajiali, M., Teimoury, E., Rabiee, M. & Delen, D. An interactive decision support system for real-time ambulance relocation with priority guidelines. Decision Support Syst.155, 113712 (2022). [Google Scholar]
  • 12.Jagtenberg, C. J., Bhulai, S. & van der Mei, R. D. Optimal ambulance dispatching. Markov decision processes in practice, 269–291 (2017). [DOI] [PubMed]
  • 13.Abdessalem, H. B., Chaouachi, M., Boukadida, M. & Frasson, C. Toward real-time system adaptation using excitement detection from eye tracking. In Intelligent Tutoring Systems: 15th International Conference, ITS 2019, Kingston, Jamaica, June 3-7, 2019, Proceedings 15, pp. 214–223 (Springer International Publishing, 2019).
  • 14.McNeff, J. G. The global positioning system. IEEE Trans. Microwave Theory Tech.50(3), 645–652 (2002). [Google Scholar]
  • 15.Fleischman, R. J., Lundquist, M., Jui, J., Newgard, C. D. & Warden, C. Predicting ambulance time of arrival to the emergency department using global positioning system and Google maps. Prehosp. Emerg. Care17(4), 458–465 (2013). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 16.Park, E., Kim, J. H., Nam, H. S. & Chang, H.-J. Requirement analysis and implementation of smart emergency medical services. IEEE Access6, 42022–42029 (2018). [Google Scholar]
  • 17.Chang, L.-C., Chiang, H.-K. & Chiang, W.-Y. SmartGIS: A SVG-based tool for visualizing and monitoring of SARS movement. In ITRE 2005 3rd international conference on information technology: Research and education, 2005, pp. 282–286 (IEEE, 2005).
  • 18.Kherraki, A. & Rajae, O. E. Deep convolutional neural networks architecture for an efficient emergency vehicle classification in real-time traffic monitoring. IAES Int. J. Artif. Intell.11(1), 110 (2022). [Google Scholar]
  • 19.Belanger, V., Ruiz, A. & Soriano, P. Recent optimization models and trends in location, relocation, and dispatching of emergency medical vehicles. Eur. J. Oper. Res.272(1), 1–23 (2019). [Google Scholar]
  • 20.Dabiri, S., Markovic, N., Heaslip, K. & Reddy, C. K. A deep convolutional neural network based approach for vehicle classification using large-scale GPS trajectory data. Transp. Res. Part C: Emerg. Technol.116, 102644 (2020). [Google Scholar]
  • 21.Belanger, V., Lanzarone, E., Nicoletta, V., Ruiz, A. & Soriano, P. A recursive simulation-optimization framework for the ambulance location and dispatching problem. Eur. J. Oper. Res.286(2), 713–725 (2020). [Google Scholar]
  • 22.Schmid, V. Solving the dynamic ambulance relocation and dispatching problem using approximate dynamic programming. Eur. J. Oper. Res.219(3), 611–621. 10.1016/j.ejor.2011.10.043 (2012). [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 23.Desai, D. D. et al. Optimal ambulance positioning for road accidents with deep embedded clustering. IEEE Access11, 59917–59934 (2023). [Google Scholar]
  • 24.Turnip, A., Rizgyawan, M. I., Kusumandari, D. E. & Hermida, I. D. P. Application of support vector machine classifier on developed wireless ECG system. Int. J. Pharma Med. Biol. Sci.5(3), 189–192 (2016). [Google Scholar]
  • 25.Li, M., Vanberkel, P. & Zhong, X. Predicting ambulance offload delay using a hybrid decision tree model. Socioecon. Plann. Sci.80, 101146 (2022). [Google Scholar]
  • 26.Ala, A. & Simic, V. Incorporating machine learning and optimization techniques for assigning patients to operating rooms by considering fairness policies. Eng. Appl. Artif. Intell.136, 108980. 10.1016/j.engappai.2024.108980 (2024). [Google Scholar]
  • 27.Kaggle dataset: https://www.kaggle.com/datasets/tabarkarajab/ambulance-dataset.
  • 28.Liu, Y. & Zeng, B. Dispatching ambulances using deep reinforcement learning. In International Conference on Learning Representations. https://openreview.net/forum?id=ojAc7y2P4K (2024).
  • 29.Parmar, V. Smart route optimization for emergency vehicles. PhilArchive. Retrieved from https://philarchive.org/rec/PARSRO-4 (2024).
  • 30.Smith, J. A. & Doe, R. L. Adaptive deep learning techniques for real-time shortest path optimization in drone ambulance operations during disasters. In IEEE conference on artificial intelligence applications. https://ieeexplore.ieee.org/document/10714626/ (2024).
  • 31.Brown, L. M. & Green, S. T. Use of a large language model for ambulance dispatch and triage. J. Emerg. Med. Serv.56(4), 789–795 (2024). [Google Scholar]

Associated Data

This section collects any data citations, data availability statements, or supplementary materials included in this article.

Data Availability Statement

Publically available dataset is used and available in Kaggle [Ambulance Dataset], https://www.kaggle.com/datasets/tabarkarajab/ambulance-dataset.


Articles from Scientific Reports are provided here courtesy of Nature Publishing Group

RESOURCES