DOI : 10.17577/IJERTCONV13IS05011
- Open Access
- Authors : Dhanusiya R, Kavya K, Vishalatchi Y, Yazhini B, Vinotha E
- Paper ID : IJERTCONV13IS05011
- Volume & Issue : Volume 13, Issue 05 (June 2025)
- Published (First Online): 03-06-2025
- ISSN (Online) : 2278-0181
- Publisher Name : IJERT
- License:
This work is licensed under a Creative Commons Attribution 4.0 International License
Next-Gen Delivery Time Forecasting System Integrating AI Models with Real-Time Location Data
Dhanusiya R
Department of Information Technology Vivekanandha College of Technology for Women Thiruchengode, India dhanusiya0403@gmail.com
Kavya K
Department of Information Technology Vivekanandha College of Technology for Women Thiruchengode, India kavyameenakumar11@gmail.com
Vishalatchi Y
Department of Information Technology Vivekanandha College of Technology for Women Thiruchengode, India vishalatchiyuvaa@gmail.com
Vinotha E
Yazhini B
Department of Information Technology Vivekanandha College of Technology for Women Thiruchengode, India
yazhinibalu8@gmail.com
Assistant Professor Department of Information Technology
Vivekanandha College of Technology for Women Thiruchengode, India vinothae90@gmail.com
ABSTRACT- In the era of rapid urbanization and the exponential growth of e-commerce, accurate and reliable delivery time estimation has become a crucial factor in enhancing customer satisfaction, optimizing logistics, and reducing operational costs. Traditional delivery forecasting systems often rely on static historical data and simplistic algorithms, which fail to adapt to real-time variables such as traffic congestion, weather changes, and route deviations. To address these limitations, this paper introduces a Next- Generation Delivery Time Forecasting System that leverages the power of Machine Learning (ML) and Deep Learning (DL) models, integrated with real-time geospatial data streams, to predict delivery times with significantly higher precision and reliability. The proposed system combines the interpretability and feature importance capabilities of ensemble ML techniques, such as XGBoost, with the temporal sequence modeling strength of Long Short-Term Memory (LSTM) neural networks. Real-time GPS trajectories, traffic conditions, weather updates, and historical delivery logs are continuously ingested and processed to train and fine-tune the model. By capturing both spatial and temporal patterns, the system dynamically adjusts estimated time of arrival (ETA) based on live conditions. Experimental evaluations were conducted on a large dataset of urban delivery records enriched with real-time data, and the system demonstrated a
substantial reduction in prediction errorsoutperforming baseline linear models and conventional regression methods. Key performance metrics such as Mean Absolute Error (MAE), Root Mean Squared Error (RMSE), and Mean Absolute Percentage Error (MAPE) confirmed the systems superior accuracy and robustness. This research paves the way for intelligent logistics systems capable of adaptive, real-time decision-making. It holds significant potential for applications in e-commerce delivery, food distribution, ride-hailing services, and supply chain optimization, particularly in smart city environments. Future directions include integrating reinforcement learning for route optimization and deploying models at the edge for real-time, low-latency predictions.
-
INTRODUCTION
With the dramatic rise in online retail, food delivery, and on- demand services, logistics and supply chain systems are under increasing pressure to deliver faster, more accurately, and more efficiently. One of the most critical components influencing customer satisfaction and business performance is the Estimated Time of Arrival (ETA). Traditional ETA prediction models often rely on fixed routes, historical averages, or simple rule-based logic, which do not account for dynamic, real-world changes such as traffic patterns, weather conditions, road closures, or vehicle delays.
This limitation leads to frequent mismatches between predicted and actual delivery times, causing dissatisfaction and financial losses.
-
Significance of the Study
This research presents a transformative approach to delivery time forecasting. By integrating ML and DL algorithms with real-time contextual data, the system not only predicts delivery times with greater precision but also adapts to unpredictable events. This adaptability is vital for smart city logistics, autonomous delivery systems, and last-mile delivery operations.
Furthermore, the implementation of this system can lead to:
-
Reduced delivery time variability.
-
Optimized route planning and resource allocation.
-
Enhanced customer trust and operational transparency.
-
Data-driven decision-making capabilities for logistics providers.
-
-
-
SYSTEM ARCHITECTURE OVERVIEW
It is composed of multiple integrated layers, starting with the data ingestion layer, which collects a wide range of data including historical delivery records, live GPS coordinates, traffic updates, and weather conditions from external APIs. This data is then passed to the preprocessing module, where it is cleaned, normalized, and transformed into a suitable format for machine learning and deep learning models. The core of the system lies in the prediction engine, which utilizes a combination of traditional ML algorithms such as Random Forest and XGBoost, along with advanced deep learning models like LSTM and CNN-LSTM hybrids to capture both spatial and temporal dynamics of delivery operations. To adapt to real- world variables, the architecture incorporates a real-time adaptation layer that continuously updates ETA predictions using live geospatial data, allowing the system to account for traffic congestion, route changes, or unexpected delays. Finally, the output and visualization layer presents the predicted delivery times through APIs and user interfaces, enabling businesses and customers to make informed decisions. The entire system is deployed on a cloud infrastructure using containerized services, ensuring robust performance, real-time processing, and seamless integration with existing logistics platforms.
The proposed delivery time forecasting system follows a modular architecture that integrates multiple components:
-
Data Ingestion Layer: Collects historical and real- time data including order metadata, GPS logs, traffic information, and weather conditions.
-
Preprocessing Module: Cleanses, transforms, and normalizes the data for model input.
-
Prediction Engine: Applies machine learning and deep learning models for ETA forecasting.
-
Real-time Adaptation Layer: Incorporates live geospatial feeds to update predictions dynamically.
-
Output and Visualization Layer: Displays predicted delivery times via dashboards or APIs.
A cloud-based infrastructure (e.g., AWS or Google Cloud) is utilized to ensure scalability and real-time performance.
-
-
DATA COLLECTION AND PREPROCESSING
-
Data Source
-
Historical Delivery Data
To accurately forecast delivery times, the system primarily relies on a robust dataset of historical delivery records. These datasets typically include attributes such as pickup and drop-off timestamps, GPS coordinates, delivery duration, distance traveled, courier identification, and status (e.g., completed, delayed, cancelled). This information helps train the machine learning and deep learning models to recognize delivery patterns and understand the influence o various factors on time estimation. Such data can be sourced from internal logistics databases of companies like Amazon, Swiggy, or Dunzo, or from publicly available datasets like the IEEE Last-Mile Delivery Dataset or the NYC Taxi Trip dataset, which can be adapted for delivery use cases.
-
Real-Time Geospatial and Traffic Data
Real-time traffic and location information significantly impact delivery time forecasts. Geospatial dataacquired through GPS tracking and APIs like Google Maps, OpenStreetMap, or HERE Mapsprovides the current location of delivery vehicles and the status of traffic on various routes. These APIs deliver essential features such as estimated travel times, route congestion, and incident reports like road closures or accidents. This dynamic data allows the forecasting system to adjust predictions based on real-world changes in road conditions.
-
Weather Data
Weather conditions can considerably delay or speed up deliveries, especially in urban environments prone to seasonal variability. To capture this effect, the system integrates weather data from sources such as OpenWeatherMap, Weather stack, or the NOAA Global Forecast System (GFS). Key weather parameters include precipitation, temperature, wind speed, visibility, and severe weather alerts. Incorporating real-time and forecasted weather conditions enhances the models ability to account for disruptions caused by rain, storms, or heatwaves.
-
Temporal and Event-Based Data
Delivery efficiency is also influenced by temporal factors such as time of day, day of the week, and the presence of public holidays or major events.
Data related to regional or national holidays, festivals, and local events like rallies or marathons are collected from government portals, news sources, or event listing services like Eventbrite. By including this layer of context, the system can learn to anticipate delays during peak traffic hours or during times of increased demand and limited delivery workforce availability.
-
Customer Behavior Data
For more advanced personalization and micro-forecasting, the system may optionally include user-specific data. This includes repeated order timings, preferred delivery slots, delivery address types (residential or commercial), and order frequency. Such data is typically sourced from the company's customer relationship management (CRM) systems. While not essential for the base model, integrating customer behavior data can significantly improve the precision of individualized delivery time estimates.
-
-
Data Cleaning and Feature Engineering
-
Data Cleaning
Before feeding the data into machine learning and deep learning models, rigorous data cleaning is essential to ensure reliability and consistency. The cleaning process begins with the removal of duplicate records, which can skew learning algorithms by reinforcing certain patterns disproportionately. Next, missing values in important fields such as timestamps, GPS coordinates, and traffic status are addressed using imputation techniques like mean substitution or forward-fill, depending on the context. Outliers, such as extremely short or long delivery times that fall far outside the norm, are detected using statistical methods (e.g., Z-score, IQR) and either corrected or excluded. Furthermore, data normalization is applied to numerical features such as distances and durations to bring them onto a common scale, which is crucial for improving model convergence and accuracy.
-
Temporal Feature Engineering
Time-based features provide significant predictive power for delivery time estimation. From the raw timestamps, derived features such as hour of day, day of week, weekend indicator, and peak hours are created to help the model capture cyclical patterns in traffic and delivery performance. Special indicators for holidays and regional events are also added to account for temporal anomalies that can affect delivery efficiency.
-
Geospatial Feature Engineering
Geospatial data offers rich information when transformed correctly. Using latitude and longitude coordinates, additional features such as distance between pickup and drop-off locations (calculated using the Haversine formula), route complexity, and urban vs rural classification are extracted. These features help models understand how spatial attributes influence delivery delays. Furthermore, clustering algorithms (like DBSCAN or K-means) may be applied to group delivery zones with similar traffic behaviors or performance characteristics.
-
Traffic and Environmental Feature Extraction
Real-time traffic data is transformed into model-friendly features such as traffic density score, average travel speed on the selected route, and number of congestion points. These variables allow the forecasting system to dynamically adjust to changing traffic conditions.
Similarly, weather data is converted into categorical and numerical variables such as rain_level, temperature_bin, and visibility_score, allowing the model to quantify environmental impact on delivery times.
-
Categorical Feature Encoding
Categorical variables, including vehicle type, delivery partner ID, and delivery zone, are encoded using techniques like one- hot encoding or target encoding to convert them into a machine-readable format. In some cases, frequency encoding or embedding layers (for deep learning models) are used to capture deeper relationships between categories and delivery outcomes.
-
Feature Selection and Dimensionality Reduction
Once a rich set of features has been engineered, feature selection techniques such as mutual information scores, correlation matrices, or model-based methods (e.g., feature importance from Random Forests or XGBoost) are employed to retain only the most relevant predictors. For large-scale datasets, dimensionality reduction techniques like PCA (Principal Component Analysis) may be used to reduce noise and improve model efficiency without sacrificing performance.
-
-
Machine Learning Models Used
-
Linear Regression
Linear Regression serves as a baseline model for predicting delivery times based on a linear combination of input features such as distance, traffic conditions, and time of day. Despite its simplicity, it provides valuable insights into the relative influence of each feature and serves as a good starting point for benchmarking more advanced models. However, its assumptions of linearity and independence among features limit its effectiveness in capturing the complex relationships involved in real-time delivery forecasting.
Linear regression models the relationship between the target variable (delivery time,y) and one or more independent variables (features, xi). The prediction is made by computing a weighted sum of the inputs:
The model minimizes the Mean Squared Error (MSE):
-
Decision Trees and Random Forest
To model non-linear dependencies and interactions among variables, Decision Trees are implemented. These models split the dataset based on decision rules, making them highly interpretable and adaptable to mixed data types. For enhanced accuracy and generalization, Random Forestan ensemble of decision treesis employed. It reduces the risk of overfitting and improves predictive performance by aggregating predictions from multiple trees trained on random subsets of the data.
Random Forest is especially useful in scenarios where feature interactions are complex and not easily modeled by simpler algorithms.
A Decision Tree makes predictions by recursively spliting the data into subsets based on feature thresholds that minimize the impurity (e.g., variance for regression tasks).
For regression trees, the impurity at node mmm is measured using:
A Random Forest combines multiple such trees T1,T2,,Tk
and averages their predictions:
-
Gradient Boosting Machines (GBM) XGBoost
XGBoost (Extreme Gradient Boosting) is one of the most effective machine learning models used in this system due to its superior performance in structured data problems. It builds trees sequentially by minimizing the residual error of previous models, enabling it to learn subtle patterns in the data. XGBoost handles missing values, supports regularization to prevent overfitting, and allows fine control over learning parameters, making it well-suited for real-world delivery data, which can be noisy and imbalanced.
XGBoost minimizes a regularized objective function combining training loss and model complexity:
Each new tree is added to correct the residuals from the previous ensemble:
-
Support Vector Regression (SVR)
Support Vector Regression is another model evaluated for its robustness in handling high-dimensional feature spaces. It attempts to fit the best possible line within a margin of tolerance, balancing accuracy and generalization. Although computationally intensive for large datasets, SVR performs well in medium-scale environments, particularly when using kernel tricks to model complex non-linear relationships.
SVR seeks to find a function f(x) with at most deviation from the true target values while being as flat as possible:
The objective is to minimize:
Subject to:
-
k-Nearest Neighbors (k-NN)
The k-Nearest Neighbors algorithm is used for its simplicity and ability to capture local patterns. It predicts delivery time by averaging the outcomes of the k most similar historical deliveries based on distance metrics. Though it lacks scalability and is sensitive to feature scaling, k-NN provides interpretable predictions and can be useful in scenarios with clear spatial or temporal neighborhood effects.
k-NN is a non-parametric model that predicts delivery time by averaging the output of the k closest samples in the feature space:
-
Ensemble Techniques
To leverage the strengths of different models, ensemble techniques such as stacking and voting are implemented. These methods combine predictions from multiple base models (e.g., Random Forest, XGBoost, and SVR) to improve overall accuracy and robustness. Stacked models use a meta-model to learn how best to combine base outputs, while voting ensembles aggregate predictions through majority or weighted averaging.
In ensemble learning, multiple models are combined to enhance prediction stability and accuracy.
-
Voting Ensemble (for regression):
Where M is the number of models in the ensemble.
-
Stacking combines base model outputs as input features to a meta-model:
Volume 13, Issue 05
Published by, www.ijert.org
ISSN: 2278-0181
-
-
-
Deep Learning Models 3.4.1.Artificial Neural Network(ANN)
ANNs are composed of layers of interconnected nodes or neurons. Each neuron processes a weighted sum of its inputs and applies an activation function. The basic mathematical operation in a neuron is:
Where xi are the input features, wi are the weights, b is the bias, and is the activation function (commonly ReLU, Sigmoid, or Tanh). The output layer of the ANN predicts delivery time y, and the model is trained by minimizing the loss:
3.4.2. Recurrent Neural Networks (RNN)
RNNs are used for sequential data, making them ideal for time-series prediction like travel or delivery duration. They maintain a hidden state across time steps:
Here, ht is the hidden state at time t, xt, is the input, and is typically a tanh or ReLU function.
-
LSTM (Long Short-Term Memory) Networks
Used to model time-series data, especially for capturing temporal dependencies in traffic and GPS movement.
LSTMs are a special type of RNN that resolve the vanishing gradient problem by introducing memory cells and gates: input gate it, forget gate ft, and output gate ot. The equations are:
LSTMs effectively capture long-term dependencies in delivery patterns caused by time and sequence-based variations.
-
Multi-Layer Perceptron (MLP)
Applied on static features (e.g., distance, vehicle type) in combination with temporal outputs from LSTM layers for final prediction.
-
Convolutional Neural Networks (CNN) Although primarily used for image data, CNNs are also utilized for structured time-series data by treating it as a 1D sequence. A 1D convolution operation is defined as:
Here, x is the input signal (e.g., traffic flow over time), and www is the kernel. CNNs extract local patterns (like peak-hour traffic) to support delivery time estimation.
-
CNN + LSTM Hybrid Model
Combines Convolutional Neural Networks (CNNs) to extract spatial features from GPS routes with LSTM to learn delivery patterns over time.
In complex systems, hybrid models combining CNNs and LSTMs are used. CNN layers extract spatial or pattern-based features from the input time-series data, which are then passed to LSTM layers to learn temporal relationships. This integration improves the accuracy of time predictions by capturing both local trends and sequential dependencies.
-
-
-
INTEGRATION OF REAL-TIME GEOSPATIAL DATA
4.1. Role of Geospatial Data in Delivery Prediction Geospatial data plays a pivotal role in modern delivery time forecasting systems. It includes real-time information about delivery vehicle location, road networks, traffic congestion levels, weather conditions, and road closures. This dynamic data enables the system to adapt its predictions based on real-world conditions, offering a more accurate and timely estimation of delivery times. By continuously ingesting GPS coordinates and other sensor data, the system can map the delivery vehicles trajectory and monitor route progress in real time.
-
Sources of Geospatial Data
The system integrates data from multiple sources, such as:
-
GPS devices embedded in delivery vehicles.
-
Traffic APIs (e.g., Google Maps API, TomTom, HERE Technologies) that provide congestion data and estimated travel times.
-
Weather APIs (e.g., OpenWeatherMap) to assess the impact of current weather on delivery.
-
Road network databases, including both static (road structure) and dynamic data (accidents, construction).
These data sources are periodically polled or subscribed to using APIs, ensuring that the forecasting system remains up to date with the latest environmental and situational changes.
-
-
Real-Time Data Pipeline
The system employs a real-time data ingestion pipeline built with tools such as Apache Kafka, Apache Spark Streaming, or Flink. Incoming data is processed and transformed into model- friendly formats using feature engineering techniques. The architecture ensures low-latency updates so that predictions reflect the latest route and traffic information.
-
Integration with Predictive Models
Geospatial inputs are combined with other features like package weight, vehicle speed, and delivery priority. These inputs are fed into machine learning and deep learning models as part of a feature vector. For example, a elivery ETA model might use features like:
-
Current latitude and longitude
-
Average traffic speed on the route
-
Weather condition codes
-
Historical average delivery time on this route
The real-time nature of this data allows the model to adapt continuously, refining its predictions with each new update.
-
-
Visualization and Monitoring The system also includes a geospatial dashboard that visualizes vehicle positions on a map, projected ETAs, and traffic overlays. This dashboard is used by logistics coordinators to track deliveries and intervene proactively in case of delays.
-
Benefits of Real-Time Integration Integrating real-time geospatial data significantly improves prediction accuracy, especially in urban environments with dynamic traffic patterns. It enhances operational efficiency, enables proactive customer notifications, and reduces delivery uncertainties. Overall, this integration transforms a static estimation model into a living, responsive system that mirrors actual road and weather conditions.
-
Model Training and Evaluation
-
Training Setup
The model training phase is a critical component in building a highly accurate delivery time forecasting system. This phase begins after data preprocessing and feature engineering. The cleaned and structured dataset, enriched with real-time geospatial inputs (like latitude, longitude, traffic, and weather conditions), is split into training, validation, and testing sets commonly in a 70:15:15 ratio.
Various machine learning and deep learning algorithms, including Random Forest, XGBoost, and Long Short-Term Memory (LSTM) networks, are employed to capture both linear and temporal dependencies in delivery time patterns. These models are trained using gradient descent optimization and loss functions such as Mean Squared Error (MSE) and Huber Loss, depending on the chosen algorithm. Hyperparameter tuning is performed using techniques like Grid Search and Bayesian Optimization to improve performance.
During training, real-time features such as distance between source and destination, vehicle type, traffic congestion level, and time of the day are fed into the model to increase its generalization capability. The models are trained iteratively until convergence is achieved or performance on the validation set starts to degrade (indicating overfitting).
-
Evaluation Metrics
Evaluation metrics are essential to measure the performance of predictive models in forecasting delivery times accurately. They help quantify how close the predicted delivery times are to the actual values and provide insight into model efficiency and reliability.
-
Mean Absolute Error (MAE)
MAE measures the average magnitude of the errors in a set of predictions, without considering their direction. It is a linear score where all individual differences are weighted equally.
-
Interpretation: A lower MAE indicates better model accuracy.
-
-
Root Mean Squared Error (RMSE)
RMSE is the square root of MSE and represents the standard deviation of the residuals (prediction errors). It provides an estimate of how far the predictions are from the actual delivery times.
-
Interpretation: A lower RMSE indicates better predictive performance.
-
-
R-Squared (R²) Score
The R² score, or coefficient of determination, indicates the proportion of variance in the dependent variable that is predictable from the independent variables.
-
Interpretation: R² values closer to 1 indicate a better fit of the model.
-
-
Mean Absolute Percentage Error (MAPE)
MAPE expresses prediction accuracy as a percentage, making it easier to interpret in business contexts. It measures the average absolute percentage error between predicted and actual values.
-
Interpretation: A lower MAPE reflects higher prediction accuracy in percentage terms.
-
-
-
Results
-
The DL-based hybrid model showed up to 35% improvement in MAE compared to traditional models.
-
Real-time adaptive predictions had <10% deviation from actual delivery times in dynamic conditions.
-
-
-
FUTURE SCOPE
-
Enhanced Real-Time Data Integration
-
Future systems will integrate a wider range of real- time data sources such as live weather updates, road closures, accidents, and public event data.
-
Use of IoT-enabled delivery vehicles and smart city infrastructure to improve data accuracy and coverage.
-
-
Advanced Deep Learning Architectures
-
Implementation of advanced architectures like Graph Neural Networks (GNNs) for better modeling of complex road networks and dynamic traffic conditions.
-
Exploration of Reinforcement Learning to optimize delivery routes and schedules in real-time.
-
-
Scalability for Large-Scale Logistics
-
Scaling the system to handle high-volume e- commerce platforms with millions of daily deliveries.
-
Use of distributed cloud-based ML pipelines to ensure low latency predictions for real-time applications.
-
-
Personalized Delivery Time Predictions
-
Incorporating customer behavior patterns, delivery personnel performance, and historical data for personalized delivery time estimations.
-
Adaptive models that learn and improve prediction accuracy over time based on feedback loops.
-
-
Explainable AI (XAI) for Predictions
-
Developing explainable AI models to provide transparency on why specific delivery time predictions are made.
-
Helps in building customer trust and improves decision-making for logistics managers.
-
-
Integration with Autonomous Delivery Systems
-
Integration of the forecasting system with autonomous drones and robots for last-mile delivery optimization.
-
Predictive models will adapt to new delivery modes with evolving regulatory and technological landscapes.
-
-
Sustainability and Green Logistics
-
Optimizing delivery time predictions to support eco- friendly delivery strategies by minimizing idle time, fuel consumption, and carbon emissions.
-
Incorporating Carbon Footprint Estimation Models
in delivery forecasting systems.
-
-
Globalization and Localization
-
Expanding the system for use in diverse geographical regions with varying traffic dynamics, urban infrastructure, and cultural factors.
-
Localization of predictive models to adapt to region- specific delivery challenges.
-
-
CONCLUSION
The Next-Gen Delivery Time Forecasting System successfully demonstrates the potential of integrating Machine Learning (ML), Deep Learning (DL), and Real- Time Geospatial Data to enhance delivery time predictons with high precision. By leveraging advanced predictive models such as Random Forest, XGBoost, and LSTM networks, the system is able to analyze dynamic traffic conditions, environmental factors, and route variations in real- time, thus overcoming the limitations of traditional delivery time estimation methods.
The project showcases a significant improvement in delivery time accuracy, reducing average prediction errors and increasing customer satisfaction. The use of real-time GPS data, combined with historical delivery patterns, ensures that the model adapts to changing conditions and remains robust across different scenarios.Furthermore, the integration of cloud-based data pipelines and API-based geospatial data fetching enables scalability and real-world deployment for logistics companies and e-commerce platforms. The systems architecture ensures modularity, real-time processing, and high availability, making it suitable for large- scale operations.In conclusion, this system provides a data- driven, intelligent approach to delivery time forecasting, optimizing logistics operations, reducing operational costs, and enhancing overall customer experience.
REFERENCES
-
Garg, A., Ayaan, M., Parekh, S., & Udandarao, V. (2025).
Food Delivery Time Prediction in Indian Cities Using Machine Learning Models.
-
Pathak, A. S., Rahate, P. G., Gangurde, N. A., Patil, M.
A., Bhat, U. T., & Gunjotikar, S. H. (2024).
Advanced Delivery Time Prediction System Using Machine Learning and Real-time Data Integration.
-
Areta, O., & Yalçinkaya, E. (2024).
A Comparative Analysis of Machine Learning Models for Time Prediction in Food Delivery Operations.
-
Bhalla, S., et al. (2023).
Case Study on Delivery Time Determination Using a Machine Learning Approach in Small Batch Production Companies.
-
Chen, C., He, Z., & Wang, J. (2019). "A machine learning-based approach to travel time prediction in urban areas". Transportation Research Part C: Emerging Technologies, 106, 323-345.
-
Lv, Y., Duan, Y., Kang, W., Li, Z., & Wang, F. (2015).
"Traffic Flow Prediction With Big Data: A Deep Learning Approach". IEEE Transactions on Intelligent Transportation Systems, 16(2), 865-873.
-
Zheng, Y., Liu, F., & Hsieh, H. P. (2013). "U-Air:
When urban air quality inference meets big data". Proceedings of the 19th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, 1436-1444.
