Hi everyone,
I am happy to announce that my M-Tech(CSE) project was published under the journal: "INTERNATIONAL JOURNAL OF NOVEL RESEARCH AND DEVELOPMENT(IJNRD) | IJNRH.ORG"
Title: "Network Traffic Prediction Model Considering Road Traffic Parameters Using Artificial Intelligence Methods in VANET"
#AI #MACHINELEARNING #DEEPLEARNING #MTECH #POSTGRADUATE
#ARTIFICIALINTILLIGENCE #PYTHON
The document proposes a method for traffic flow prediction using KNN and LSTM. KNN is used to select neighboring stations that are spatially correlated with the test station. A two-layer LSTM network then predicts traffic flow in the selected stations. The predictions are combined using weighted averaging to obtain the final prediction for the test station. An experiment on traffic data from Minnesota highways found the proposed method improved prediction accuracy over ARIMA, SVR, WNN, DBN-SVR, and LSTM-only models, achieving on average a 12.59% reduction in error.
An effective joint prediction model for travel demands and traffic flowsivaderivader
This document summarizes a research paper that presents DeepTP, a joint prediction model for travel demands and traffic flows. DeepTP uses four modules: 1) a future spatio-temporal encoding module, 2) a past traffic sequence encoding module, 3) a graph-based correlation encoding module, and 4) a final estimation module. It encodes three types of embeddings - past traffic data, region-level correlations, and temporal periodicity - to capture inter-traffic correlations, region-level similarities, and periodic patterns in demand and flow. The model was evaluated on real-world traffic datasets from two cities and was shown to outperform other baselines in joint demand and flow prediction.
The document proposes a novel deep learning framework called Spatio-Temporal Graph Convolutional Networks (STGCN) to tackle the time series prediction problem in traffic forecasting. STGCN uses graph convolutional layers to model spatial dependencies on a traffic network represented as a graph, and convolutional layers to model temporal dependencies. Experiments show STGCN outperforms state-of-the-art baselines by effectively capturing comprehensive spatio-temporal correlations through modeling multi-scale traffic networks.
TRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNINGIRJET Journal
1. The document discusses using machine learning techniques like random forests and support vector machines to predict traffic patterns using large datasets from intelligent transportation systems.
2. It proposes predicting traffic using an SVM algorithm with Euclidean distance metrics on traffic data derived from online sources, aiming to improve accuracy and reduce errors compared to existing systems.
3. The system would take in historical vehicle movement data to be trained via machine learning, allowing it to process large amounts of real-time sensor data and better predict traffic conditions, which could help minimize congestion and carbon emissions from transportation.
Traffic Congestion Prediction using Deep Reinforcement Learning in Vehicular ...IJCNCJournal
In recent years, a new wireless network called vehicular ad-hoc network (VANET), has become a popular research topic. VANET allows communication among vehicles and with roadside units by providing information to each other, such as vehicle velocity, location and direction. In general, when many vehicles likely to use the common route to proceed to the same destination, it can lead to a congested route that should be avoided. It may be better if vehicles are able to predict accurately the traffic congestion and then avoid it. Therefore, in this work, the deep reinforcement learning in VANET to enhance the ability to predict traffic congestion on the roads is proposed. Furthermore, different types of neural networks namely Convolutional Neural Network (CNN), Multilayer Perceptron (MLP) and Long Short-Term Memory (LSTM) are investigated and compared in this deep reinforcement learning model to discover the most effective one. Our proposed method is tested by simulation. The traffic scenarios are created using traffic simulator called Simulation of Urban Mobility (SUMO) before integrating with deep reinforcement learning model. The simulation procedures, as well as the programming used, are described in detail. The performance of our proposed method is evaluated using two metrics; the average travelling time delay and average waiting time delay of vehicles. According to the simulation results, the average travelling time delay and average waiting time delay are gradually improved over the multiple runs, since our proposed method receives feedback from the environment. In addition, the results without and with three different deep learning algorithms, i.e., CNN, MLP and LSTM are compared. It is obvious that the deep reinforcement learning model works effectively when traffic density is neither too high nor too low. In addition, it can be concluded that the effective algorithms for traffic congestion prediction models in descending order are MLP, CNN, and LSTM, respectively.
TRAFFIC CONGESTION PREDICTION USING DEEP REINFORCEMENT LEARNING IN VEHICULAR ...IJCNCJournal
In recent years, a new wireless network called vehicular ad-hoc network (VANET), has become a popular research topic. VANET allows communication among vehicles and with roadside units by providing information to each other, such as vehicle velocity, location and direction. In general, when many vehicles likely to use the common route to proceed to the same destination, it can lead to a congested route that should be avoided. It may be better if vehicles are able to predict accurately the traffic congestion and then avoid it. Therefore, in this work, the deep reinforcement learning in VANET to enhance the ability to predict traffic congestion on the roads is proposed. Furthermore, different types of neural networks namely Convolutional Neural Network (CNN), Multilayer Perceptron (MLP) and Long Short-Term Memory (LSTM) are investigated and compared in this deep reinforcement learning model to discover the most effective one. Our proposed method is tested by simulation. The traffic scenarios are created using traffic simulator called Simulation of Urban Mobility (SUMO) before integrating with deep reinforcement learning model. The simulation procedures, as well as the programming used, are described in detail. The performance of our proposed method is evaluated using two metrics; the average travelling time delay and average waiting time delay of vehicles. According to the simulation results, the average travelling time delay and average waiting time delay are gradually improved over the multiple runs, since our proposed method receives feedback from the environment. In addition, the results without and with three different deep learning algorithms, i.e., CNN, MLP and LSTM are compared. It is obvious that the deep reinforcement learning model works effectively when traffic density is neither too high nor too low. In addition, it can be concluded that the effective algorithms for traffic congestion prediction models in descending order are MLP, CNN, and LSTM, respectively.
Enhancing Traffic Prediction with Historical Data and Estimated Time of ArrivalIRJET Journal
This document proposes a methodology to enhance traffic prediction accuracy by combining historical traffic data, real-time traffic updates, and estimated time of arrival (ETA) information. The methodology utilizes machine learning techniques, ARIMA modeling, nonparametric methods, and deep neural networks to analyze the data. While the methodology lays out a framework for collecting raw traffic congestion data from online maps and transportation departments, the research focuses on establishing a theoretical model rather than conducting empirical experiments. The goal is to develop a comprehensive solution for traffic prediction by leveraging different data sources and analytical techniques.
Classification Approach for Big Data Driven Traffic Flow Prediction using Ap...IRJET Journal
This document discusses a proposed system for predicting traffic flow using big data and classification approaches. The system uses K-Nearest Neighbors (KNN) classification to identify traffic patterns and routes. It then uses a Convolutional Neural Network (CNN) to predict traffic flow levels on particular routes. The KNN identifies travel times between locations while the CNN predicts flow levels. The proposed system is evaluated using metrics like root mean squared error and mean relative error, and is found to improve accuracy and reduce prediction time compared to existing methods. The system aims to provide route recommendations to users based on minimum predicted traffic flow.
Adaptive traffic lights based on traffic flow prediction using machine learni...IJECEIAES
This document discusses using machine learning algorithms to predict traffic flow and reduce congestion at intersections. It compares linear regression, random forest regressor, decision tree regressor, gradient boosting regressor, and K-neighbor regressor models on a UK road traffic dataset. All models performed well according to evaluation metrics, indicating they are suitable for an adaptive traffic light system. The system was implemented using a random forest regressor model and simulations showed it reduced traffic congestion by 30.8%, justifying its effectiveness.
Smart traffic forecasting: leveraging adaptive machine learning and big data ...IAESIJAI
The issue of road traffic congestion has become increasingly apparent in modern times. With the rise of urbanization, technological advancements, and an increase in the number of vehicles on the road, almost all major cities are experiencing poor traffic environments and low road efficiency. To address this problem, re-searchers have turned to diverse data resources and focused on predicting traffic flow, a crucial issue in intelligent transportation systems (ITS) that can help al-leviate congestion. By analyzing data from correlated roads and vehicles, such as speed, density, and flow rate, it is possible to anticipate traffic congestion and patterns. This paper presents an adaptive traffic system that utilizes supervised ma-chine learning and big data analytics to predict traffic flow. The system monitors and extracts relevant traffic flow data, analyzes and processes the data, and stores it to enhance the model's accuracy and effectiveness. A simulation was conducted by the authors to showcase the proposed solution. The outcomes of the study car-ry substantial implications for transportation systems, offering valuable insights for enhancing traffic flow management.
Traffic Prediction from Street Network images.pptxchirantanGupta1
While considering the spatial and temporal features of traffic, capturing the impacts of various external factors on travel is an essential step towards achieving accurate traffic forecasting. However, existing studies seldom consider external factors or neglect the effect of the complex correlations among external factors on traffic. Intuitively, knowledge graphs can naturally describe these correlations. Since knowledge graphs and traffic networks are essentially heterogeneous networks, it is challenging to integrate the information in both networks. On this background, this study presents a knowledge representation-driven traffic forecasting method based on spatial-temporal graph convolutional networks.
Big data traffic management in vehicular ad-hoc network IJECEIAES
Today, the world has experienced a new trend with regard to data system management, traditional database management tools have become outdated and they will no longer be able to process the mass of data generated by different systems, that's why big data is there to process this mass of data to bring out crucial information hidden in this data, and without big data technologies the treatment is very difficult to manage; among the domains that uses big data technologies is vehicular ad-hoc network to manage their voluminous data. In this article, we establish in the first step a method that allow to detect anomalies or accidents within the road and compute the time spent in each road section in real time, which permit us to obtain a database having the estimated time spent in all sections in real time, this will serve us to send to the vehicles the right estimated time of arrival all along their journey and the optimal route to attain their destination. This database is useful to utilize it like inputs for machine learning to predict the places and times where the probability of accidents is higher. The experimental results prove that our method permits us to avoid congestions and apportion the load of vehicles in all roads effectively, also it contributes to road safety.
The document proposes an Attention Temporal Graph Convolutional Network (A3T-GCN) model for traffic forecasting that aims to simultaneously capture global temporal dynamics and spatial correlations in traffic data. The A3T-GCN combines a Graph Convolutional Network (GCN) to learn spatial dependencies based on road network topology with a Gated Recurrent Unit (GRU) to learn temporal trends, and introduces an attention mechanism to adjust the importance of different time points and better predict traffic. Experimental results on real-world datasets demonstrate the effectiveness of the proposed A3T-GCN model.
Our journal has been unwavering commitment to showcasing cutting-edge research. The journal provides a platform for researchers to disseminate their work on next-generation technologies. In an era where innovation is the driving force behind progress, JST plays a crucial role in shaping the discourse on emerging technologies, thus contributing to their rapid development and implementation.
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...thanhdowork
GSTNet is a deep learning model for traffic flow prediction that incorporates spatial and temporal information. It contains multi-resolution temporal and global correlated spatial modules. The temporal module captures short and long-term patterns, while the spatial module considers both local and non-local correlations between locations. In experiments on Beijing transportation data, GSTNet achieved more accurate predictions compared to other methods and was able to capture both short and long-term dependencies in traffic flow.
Today, traffic is one of the biggest problems of urban management. There are two general methods for traffic management, soft and hard methods. In the hard method, physical changes are applied to the road network, and in the soft method, the existing conditions are optimized. Traffic forecasting is one of the soft methods for traffic management. Traffic forecasting is usually done based on the time of existing traffic conditions, while the effect of location and neighborhood, which is one of the concepts of GIS science, is less seen in predictions. In this research, variables affecting traffic were first identified. Then, five machine learning methods were used to predict traffic on all city roads. KNN method was selected as the best one with accuracy and Kappa of 96.14% and 0.95 respectively. Finally, the prediction map was prepared by applying the superior model and Geographic Information System (GIS). One of the advantages of the traffic prediction map is easy for users and administrators to manage traffic.
International Journal of Engineering Research and Applications (IJERA) is an open access online peer reviewed international journal that publishes research and review articles in the fields of Computer Science, Neural Networks, Electrical Engineering, Software Engineering, Information Technology, Mechanical Engineering, Chemical Engineering, Plastic Engineering, Food Technology, Textile Engineering, Nano Technology & science, Power Electronics, Electronics & Communication Engineering, Computational mathematics, Image processing, Civil Engineering, Structural Engineering, Environmental Engineering, VLSI Testing & Low Power VLSI Design etc.
Study of statistical models for route prediction algorithms in vanetAlexander Decker
This document summarizes and compares three statistical models for predicting vehicle routes in Vehicular Ad-Hoc Networks (VANETs): Markov models, Hidden Markov models (HMM), and Variable Order Markov models (VMM). It describes how each model works, including Markov models predicting the next road segment based on the current one, HMM using both transitions and observations to predict states, and VMM capturing longer dependencies while avoiding size increases of higher-order Markov models. The document also provides pseudocode for route prediction algorithms using each statistical model.
Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Networkivaderivader
The document summarizes the key aspects of the paper "Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network". It introduces the ST-GDN framework which uses a hierarchical graph neural architecture to model temporal hierarchies and learn traffic dependencies within and across regions via graph diffusion. The methodology section explains the multi-scale temporal modeling, global context learning using attention mechanisms, and region-wise relation encoding on the graph. The experiment section compares ST-GDN to other baselines on taxi and bike traffic datasets, finding ST-GDN achieves better performance. The conclusion discusses potential extensions like using different clustering and adjacency matrix approaches.
The document summarizes a student's review of using artificial intelligence to model microscopic traffic flow. It discusses how AI can provide novel ways to study traffic theory through deep learning models that have higher simulation accuracy than traditional models. While deep learning models have advantages like high accuracy, issues remain around lack of data and difficulty of use for less skilled people. The student recommends further research incorporating different vehicle types and surrounding traffic conditions into neural network models of car-following behavior.
Approximation of regression-based fault minimization for network trafficTELKOMNIKA JOURNAL
This research associates three distinct approaches for computer network traffic prediction. They are the traditional stochastic gradient descent (SGD) using a few random samplings instead of the complete dataset for each iterative calculation, the gradient descent algorithm (GDA) which is a well-known optimization approach in deep learning, and the proposed method. The network traffic is computed from the traffic load (data and multimedia) of the computer network nodes via the Internet. It is apparent that the SGD is a modest iteration but can conclude suboptimal solutions. The GDA is a complicated one, can function more accurate than the SGD but difficult to manipulate parameters, such as the learning rate, the dataset granularity, and the loss function. Network traffic estimation helps improve performance and lower costs for various applications, such as an adaptive rate control, load balancing, the quality of service (QoS), fair bandwidth allocation, and anomaly detection. The proposed method confirms optimal values out of parameters using simulation to compute the minimum figure of specified loss function in each iteration.
1) Professor Wu Yuankai presented on machine learning based spatiotemporal analysis for traffic data at the 22nd COTA Conference.
2) He proposed Inductive Graph Neural Networks for Kriging (IGNNK) to model traffic data and infer traffic states at unknown locations given limited sensor data. IGNNK uses graph neural networks to reconstruct information on random graph structures.
3) He also discussed Disentangled Representation for Mobility Forecasting, which uses representation learning to separate coupled influencing factors on human mobility data into latent space to better understand underlying patterns.
Abstract—This paper provides a brief overview of the Intelligent Traffic Management System based on Artificial
Neural Networks (ANN). It is being utilized to enhance the present traffic management system and human resource
reliance. The most basic problem with the current traffic lights is their dependency on humans for their working.
The technologies used in the making of this automated traffic lights are Internet of Things, Machine Learning and
Artificial Intelligence. The basic steps used in Internet of Things are reported along with different ANN trainings.
This ANN model can be used for the minimization of traffic on roads and less waiting time at traffic lights. As a
result, we can make traffic lights more automated which in turn eventually deceases our dependency on human
resources
Traffic Flow Prediction Using Machine Learning AlgorithmsIRJET Journal
This document discusses using machine learning algorithms to predict traffic flow and control traffic lights. Specifically, it explores using deep reinforcement learning (DRL) with Q-learning. The DRL agent is trained in the SUMO traffic simulation environment to optimize traffic light timing and reduce overall vehicle wait times at intersections. The agent represents traffic light states as actions and vehicle positions/speeds as states. It is rewarded based on decreasing total wait times. Through experience replay and training on historical state-action-reward data, the agent learns which traffic light patterns minimize congestion. The experiments showed the DRL approach improved traffic flow compared to traditional reinforcement learning methods for high-dimensional problems like city-wide traffic control.
Fully Open-Source Private Clouds: Freedom, Security, and ControlShapeBlue
In this presentation, Swen Brüseke introduced proIO's strategy for 100% open-source driven private clouds. proIO leverage the proven technologies of CloudStack and LINBIT, complemented by professional maintenance contracts, to provide you with a secure, flexible, and high-performance IT infrastructure. He highlighted the advantages of private clouds compared to public cloud offerings and explain why CloudStack is in many cases a superior solution to Proxmox.
--
The CloudStack European User Group 2025 took place on May 8th in Vienna, Austria. The event once again brought together open-source cloud professionals, contributors, developers, and users for a day of deep technical insights, knowledge sharing, and community connection.
More Related Content
Similar to Network Traffic Prediction Model Considering Road Traffic Parameters Using Artificial Intelligence Methods inVANET (20)
Adaptive traffic lights based on traffic flow prediction using machine learni...IJECEIAES
This document discusses using machine learning algorithms to predict traffic flow and reduce congestion at intersections. It compares linear regression, random forest regressor, decision tree regressor, gradient boosting regressor, and K-neighbor regressor models on a UK road traffic dataset. All models performed well according to evaluation metrics, indicating they are suitable for an adaptive traffic light system. The system was implemented using a random forest regressor model and simulations showed it reduced traffic congestion by 30.8%, justifying its effectiveness.
Smart traffic forecasting: leveraging adaptive machine learning and big data ...IAESIJAI
The issue of road traffic congestion has become increasingly apparent in modern times. With the rise of urbanization, technological advancements, and an increase in the number of vehicles on the road, almost all major cities are experiencing poor traffic environments and low road efficiency. To address this problem, re-searchers have turned to diverse data resources and focused on predicting traffic flow, a crucial issue in intelligent transportation systems (ITS) that can help al-leviate congestion. By analyzing data from correlated roads and vehicles, such as speed, density, and flow rate, it is possible to anticipate traffic congestion and patterns. This paper presents an adaptive traffic system that utilizes supervised ma-chine learning and big data analytics to predict traffic flow. The system monitors and extracts relevant traffic flow data, analyzes and processes the data, and stores it to enhance the model's accuracy and effectiveness. A simulation was conducted by the authors to showcase the proposed solution. The outcomes of the study car-ry substantial implications for transportation systems, offering valuable insights for enhancing traffic flow management.
Traffic Prediction from Street Network images.pptxchirantanGupta1
While considering the spatial and temporal features of traffic, capturing the impacts of various external factors on travel is an essential step towards achieving accurate traffic forecasting. However, existing studies seldom consider external factors or neglect the effect of the complex correlations among external factors on traffic. Intuitively, knowledge graphs can naturally describe these correlations. Since knowledge graphs and traffic networks are essentially heterogeneous networks, it is challenging to integrate the information in both networks. On this background, this study presents a knowledge representation-driven traffic forecasting method based on spatial-temporal graph convolutional networks.
Big data traffic management in vehicular ad-hoc network IJECEIAES
Today, the world has experienced a new trend with regard to data system management, traditional database management tools have become outdated and they will no longer be able to process the mass of data generated by different systems, that's why big data is there to process this mass of data to bring out crucial information hidden in this data, and without big data technologies the treatment is very difficult to manage; among the domains that uses big data technologies is vehicular ad-hoc network to manage their voluminous data. In this article, we establish in the first step a method that allow to detect anomalies or accidents within the road and compute the time spent in each road section in real time, which permit us to obtain a database having the estimated time spent in all sections in real time, this will serve us to send to the vehicles the right estimated time of arrival all along their journey and the optimal route to attain their destination. This database is useful to utilize it like inputs for machine learning to predict the places and times where the probability of accidents is higher. The experimental results prove that our method permits us to avoid congestions and apportion the load of vehicles in all roads effectively, also it contributes to road safety.
The document proposes an Attention Temporal Graph Convolutional Network (A3T-GCN) model for traffic forecasting that aims to simultaneously capture global temporal dynamics and spatial correlations in traffic data. The A3T-GCN combines a Graph Convolutional Network (GCN) to learn spatial dependencies based on road network topology with a Gated Recurrent Unit (GRU) to learn temporal trends, and introduces an attention mechanism to adjust the importance of different time points and better predict traffic. Experimental results on real-world datasets demonstrate the effectiveness of the proposed A3T-GCN model.
Our journal has been unwavering commitment to showcasing cutting-edge research. The journal provides a platform for researchers to disseminate their work on next-generation technologies. In an era where innovation is the driving force behind progress, JST plays a crucial role in shaping the discourse on emerging technologies, thus contributing to their rapid development and implementation.
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...thanhdowork
GSTNet is a deep learning model for traffic flow prediction that incorporates spatial and temporal information. It contains multi-resolution temporal and global correlated spatial modules. The temporal module captures short and long-term patterns, while the spatial module considers both local and non-local correlations between locations. In experiments on Beijing transportation data, GSTNet achieved more accurate predictions compared to other methods and was able to capture both short and long-term dependencies in traffic flow.
Today, traffic is one of the biggest problems of urban management. There are two general methods for traffic management, soft and hard methods. In the hard method, physical changes are applied to the road network, and in the soft method, the existing conditions are optimized. Traffic forecasting is one of the soft methods for traffic management. Traffic forecasting is usually done based on the time of existing traffic conditions, while the effect of location and neighborhood, which is one of the concepts of GIS science, is less seen in predictions. In this research, variables affecting traffic were first identified. Then, five machine learning methods were used to predict traffic on all city roads. KNN method was selected as the best one with accuracy and Kappa of 96.14% and 0.95 respectively. Finally, the prediction map was prepared by applying the superior model and Geographic Information System (GIS). One of the advantages of the traffic prediction map is easy for users and administrators to manage traffic.
International Journal of Engineering Research and Applications (IJERA) is an open access online peer reviewed international journal that publishes research and review articles in the fields of Computer Science, Neural Networks, Electrical Engineering, Software Engineering, Information Technology, Mechanical Engineering, Chemical Engineering, Plastic Engineering, Food Technology, Textile Engineering, Nano Technology & science, Power Electronics, Electronics & Communication Engineering, Computational mathematics, Image processing, Civil Engineering, Structural Engineering, Environmental Engineering, VLSI Testing & Low Power VLSI Design etc.
Study of statistical models for route prediction algorithms in vanetAlexander Decker
This document summarizes and compares three statistical models for predicting vehicle routes in Vehicular Ad-Hoc Networks (VANETs): Markov models, Hidden Markov models (HMM), and Variable Order Markov models (VMM). It describes how each model works, including Markov models predicting the next road segment based on the current one, HMM using both transitions and observations to predict states, and VMM capturing longer dependencies while avoiding size increases of higher-order Markov models. The document also provides pseudocode for route prediction algorithms using each statistical model.
Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Networkivaderivader
The document summarizes the key aspects of the paper "Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network". It introduces the ST-GDN framework which uses a hierarchical graph neural architecture to model temporal hierarchies and learn traffic dependencies within and across regions via graph diffusion. The methodology section explains the multi-scale temporal modeling, global context learning using attention mechanisms, and region-wise relation encoding on the graph. The experiment section compares ST-GDN to other baselines on taxi and bike traffic datasets, finding ST-GDN achieves better performance. The conclusion discusses potential extensions like using different clustering and adjacency matrix approaches.
The document summarizes a student's review of using artificial intelligence to model microscopic traffic flow. It discusses how AI can provide novel ways to study traffic theory through deep learning models that have higher simulation accuracy than traditional models. While deep learning models have advantages like high accuracy, issues remain around lack of data and difficulty of use for less skilled people. The student recommends further research incorporating different vehicle types and surrounding traffic conditions into neural network models of car-following behavior.
Approximation of regression-based fault minimization for network trafficTELKOMNIKA JOURNAL
This research associates three distinct approaches for computer network traffic prediction. They are the traditional stochastic gradient descent (SGD) using a few random samplings instead of the complete dataset for each iterative calculation, the gradient descent algorithm (GDA) which is a well-known optimization approach in deep learning, and the proposed method. The network traffic is computed from the traffic load (data and multimedia) of the computer network nodes via the Internet. It is apparent that the SGD is a modest iteration but can conclude suboptimal solutions. The GDA is a complicated one, can function more accurate than the SGD but difficult to manipulate parameters, such as the learning rate, the dataset granularity, and the loss function. Network traffic estimation helps improve performance and lower costs for various applications, such as an adaptive rate control, load balancing, the quality of service (QoS), fair bandwidth allocation, and anomaly detection. The proposed method confirms optimal values out of parameters using simulation to compute the minimum figure of specified loss function in each iteration.
1) Professor Wu Yuankai presented on machine learning based spatiotemporal analysis for traffic data at the 22nd COTA Conference.
2) He proposed Inductive Graph Neural Networks for Kriging (IGNNK) to model traffic data and infer traffic states at unknown locations given limited sensor data. IGNNK uses graph neural networks to reconstruct information on random graph structures.
3) He also discussed Disentangled Representation for Mobility Forecasting, which uses representation learning to separate coupled influencing factors on human mobility data into latent space to better understand underlying patterns.
Abstract—This paper provides a brief overview of the Intelligent Traffic Management System based on Artificial
Neural Networks (ANN). It is being utilized to enhance the present traffic management system and human resource
reliance. The most basic problem with the current traffic lights is their dependency on humans for their working.
The technologies used in the making of this automated traffic lights are Internet of Things, Machine Learning and
Artificial Intelligence. The basic steps used in Internet of Things are reported along with different ANN trainings.
This ANN model can be used for the minimization of traffic on roads and less waiting time at traffic lights. As a
result, we can make traffic lights more automated which in turn eventually deceases our dependency on human
resources
Traffic Flow Prediction Using Machine Learning AlgorithmsIRJET Journal
This document discusses using machine learning algorithms to predict traffic flow and control traffic lights. Specifically, it explores using deep reinforcement learning (DRL) with Q-learning. The DRL agent is trained in the SUMO traffic simulation environment to optimize traffic light timing and reduce overall vehicle wait times at intersections. The agent represents traffic light states as actions and vehicle positions/speeds as states. It is rewarded based on decreasing total wait times. Through experience replay and training on historical state-action-reward data, the agent learns which traffic light patterns minimize congestion. The experiments showed the DRL approach improved traffic flow compared to traditional reinforcement learning methods for high-dimensional problems like city-wide traffic control.
Fully Open-Source Private Clouds: Freedom, Security, and ControlShapeBlue
In this presentation, Swen Brüseke introduced proIO's strategy for 100% open-source driven private clouds. proIO leverage the proven technologies of CloudStack and LINBIT, complemented by professional maintenance contracts, to provide you with a secure, flexible, and high-performance IT infrastructure. He highlighted the advantages of private clouds compared to public cloud offerings and explain why CloudStack is in many cases a superior solution to Proxmox.
--
The CloudStack European User Group 2025 took place on May 8th in Vienna, Austria. The event once again brought together open-source cloud professionals, contributors, developers, and users for a day of deep technical insights, knowledge sharing, and community connection.
Multistream in SIP and NoSIP @ OpenSIPS Summit 2025Lorenzo Miniero
Slides for my "Multistream support in the Janus SIP and NoSIP plugins" presentation at the OpenSIPS Summit 2025 event.
They describe my efforts refactoring the Janus SIP and NoSIP plugins to allow for the gatewaying of an arbitrary number of audio/video streams per call (thus breaking the current 1-audio/1-video limitation), plus some additional considerations on what this could mean when dealing with application protocols negotiated via SIP as well.
"AI in the browser: predicting user actions in real time with TensorflowJS", ...Fwdays
With AI becoming increasingly present in our everyday lives, the latest advancements in the field now make it easier than ever to integrate it into our software projects. In this session, we’ll explore how machine learning models can be embedded directly into front-end applications. We'll walk through practical examples, including running basic models such as linear regression and random forest classifiers, all within the browser environment.
Once we grasp the fundamentals of running ML models on the client side, we’ll dive into real-world use cases for web applications—ranging from real-time data classification and interpolation to object tracking in the browser. We'll also introduce a novel approach: dynamically optimizing web applications by predicting user behavior in real time using a machine learning model. This opens the door to smarter, more adaptive user experiences and can significantly improve both performance and engagement.
In addition to the technical insights, we’ll also touch on best practices, potential challenges, and the tools that make browser-based machine learning development more accessible. Whether you're a developer looking to experiment with ML or someone aiming to bring more intelligence into your web apps, this session will offer practical takeaways and inspiration for your next project.
Content and eLearning Standards: Finding the Best Fit for Your-TrainingRustici Software
Tammy Rutherford, Managing Director of Rustici Software, walks through the pros and cons of different standards to better understand which standard is best for your content and chosen technologies.
UiPath Community Zurich: Release Management and Build PipelinesUiPathCommunity
Ensuring robust, reliable, and repeatable delivery processes is more critical than ever - it's a success factor for your automations and for automation programmes as a whole. In this session, we’ll dive into modern best practices for release management and explore how tools like the UiPathCLI can streamline your CI/CD pipelines. Whether you’re just starting with automation or scaling enterprise-grade deployments, our event promises to deliver helpful insights to you. This topic is relevant for both on-premise and cloud users - as well as for automation developers and software testers alike.
📕 Agenda:
- Best Practices for Release Management
- What it is and why it matters
- UiPath Build Pipelines Deep Dive
- Exploring CI/CD workflows, the UiPathCLI and showcasing scenarios for both on-premise and cloud
- Discussion, Q&A
👨🏫 Speakers
Roman Tobler, CEO@ Routinuum
Johans Brink, CTO@ MvR Digital Workforce
We look forward to bringing best practices and showcasing build pipelines to you - and to having interesting discussions on this important topic!
If you have any questions or inputs prior to the event, don't hesitate to reach out to us.
This event streamed live on May 27, 16:00 pm CET.
Check out all our upcoming UiPath Community sessions at:
👉 https://community.uipath.com/events/
Join UiPath Community Zurich chapter:
👉 https://community.uipath.com/zurich/
Marko.js - Unsung Hero of Scalable Web Frameworks (DevDays 2025)Eugene Fidelin
Marko.js is an open-source JavaScript framework created by eBay back in 2014. It offers super-efficient server-side rendering, making it ideal for big e-commerce sites and other multi-page apps where speed and SEO really matter. After over 10 years of development, Marko has some standout features that make it an interesting choice. In this talk, I’ll dive into these unique features and showcase some of Marko's innovative solutions. You might not use Marko.js at your company, but there’s still a lot you can learn from it to bring to your next project.
What’s New in Web3 Development Trends to Watch in 2025.pptxLisa ward
Emerging Web3 development trends in 2025 include AI integration, enhanced scalability, decentralized identity, and increased enterprise adoption of blockchain technologies.
DePIN = Real-World Infra + Blockchain
DePIN stands for Decentralized Physical Infrastructure Networks.
It connects physical devices to Web3 using token incentives.
How Does It Work?
Individuals contribute to infrastructure like:
Wireless networks (e.g., Helium)
Storage (e.g., Filecoin)
Sensors, compute, and energy
They earn tokens for their participation.
UiPath Community Berlin: Studio Tips & Tricks and UiPath InsightsUiPathCommunity
Join the UiPath Community Berlin (Virtual) meetup on May 27 to discover handy Studio Tips & Tricks and get introduced to UiPath Insights. Learn how to boost your development workflow, improve efficiency, and gain visibility into your automation performance.
📕 Agenda:
- Welcome & Introductions
- UiPath Studio Tips & Tricks for Efficient Development
- Best Practices for Workflow Design
- Introduction to UiPath Insights
- Creating Dashboards & Tracking KPIs (Demo)
- Q&A and Open Discussion
Perfect for developers, analysts, and automation enthusiasts!
This session streamed live on May 27, 18:00 CET.
Check out all our upcoming UiPath Community sessions at:
👉 https://community.uipath.com/events/
Join our UiPath Community Berlin chapter:
👉 https://community.uipath.com/berlin/
For those who have ever wanted to recreate classic games, this presentation covers my five-year journey to build a NES emulator in Kotlin. Starting from scratch in 2020 (you can probably guess why), I’ll share the challenges posed by the architecture of old hardware, performance optimization (surprise, surprise), and the difficulties of emulating sound. I’ll also highlight which Kotlin features shine (and why concurrency isn’t one of them). This high-level overview will walk through each step of the process—from reading ROM formats to where GPT can help, though it won’t write the code for us just yet. We’ll wrap up by launching Mario on the emulator (hopefully without a call from Nintendo).
Supercharge Your AI Development with Local LLMsFrancesco Corti
In today's AI development landscape, developers face significant challenges when building applications that leverage powerful large language models (LLMs) through SaaS platforms like ChatGPT, Gemini, and others. While these services offer impressive capabilities, they come with substantial costs that can quickly escalate especially during the development lifecycle. Additionally, the inherent latency of web-based APIs creates frustrating bottlenecks during the critical testing and iteration phases of development, slowing down innovation and frustrating developers.
This talk will introduce the transformative approach of integrating local LLMs directly into their development environments. By bringing these models closer to where the code lives, developers can dramatically accelerate development lifecycles while maintaining complete control over model selection and configuration. This methodology effectively reduces costs to zero by eliminating dependency on pay-per-use SaaS services, while opening new possibilities for comprehensive integration testing, rapid prototyping, and specialized use cases.
Master tester AI toolbox - Kari Kakkonen at Testaus ja AI 2025 ProfessioKari Kakkonen
My slides at Professio Testaus ja AI 2025 seminar in Espoo, Finland.
Deck in English, even though I talked in Finnish this time, in addition to chairing the event.
I discuss the different motivations for testing to use AI tools to help in testing, and give several examples in each categories, some open source, some commercial.
With Claude 4, Anthropic redefines AI capabilities, effectively unleashing a ...SOFTTECHHUB
With the introduction of Claude Opus 4 and Sonnet 4, Anthropic's newest generation of AI models is not just an incremental step but a pivotal moment, fundamentally reshaping what's possible in software development, complex problem-solving, and intelligent business automation.
State-Dependent Conformal Perception Bounds for Neuro-Symbolic Verification o...Ivan Ruchkin
A poster presented by Thomas Waite and Radoslav Ivanov at the 2nd International Conference on Neuro-symbolic Systems (NeuS) in May 2025.
Paper: https://arxiv.org/abs/2502.21308
Abstract: It remains a challenge to provide safety guarantees for autonomous systems with neural perception and control. A typical approach obtains symbolic bounds on perception error (e.g., using conformal prediction) and performs verification under these bounds. However, these bounds can lead to drastic conservatism in the resulting end-to-end safety guarantee. This paper proposes an approach to synthesize symbolic perception error bounds that serve as an optimal interface between perception performance and control verification. The key idea is to consider our error bounds to be heteroskedastic with respect to the system's state -- not time like in previous approaches. These bounds can be obtained with two gradient-free optimization algorithms. We demonstrate that our bounds lead to tighter safety guarantees than the state-of-the-art in a case study on a mountain car.
AI Emotional Actors: “When Machines Learn to Feel and Perform"AkashKumar809858
Welcome to the era of AI Emotional Actors.
The entertainment landscape is undergoing a seismic transformation. What started as motion capture and CGI enhancements has evolved into a full-blown revolution: synthetic beings not only perform but express, emote, and adapt in real time.
For reading further follow this link -
https://akash97.gumroad.com/l/meioex