0% found this document useful (0 votes)
22 views8 pages

Astm: Autonomous Smart Traffic Management System Using Artificial Intelligence CNN and LSTM

Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
22 views8 pages

Astm: Autonomous Smart Traffic Management System Using Artificial Intelligence CNN and LSTM

Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 8

ASTM :

Autonomous Smart Traffic Management System


Using Artificial Intelligence CNN and LSTM
Christofel Rio Goenawan
Master of Robotics and AI
Korea Advanced Institute
of Science and Technology
Daejeon, South Korea
arXiv:2410.10929v3 [cs.LG] 20 Oct 2024

Email: [email protected]

Abstract—In the modern world, the development of Artificial After that, until 1974, AI grew rapidly because a lot
Intelligence (AI) has contributed to improvements in various of investment was put into the field, and computers could
areas, including automation, computer vision, fraud detection, store more information and became faster, cheaper, and more
and more. AI can be leveraged to enhance the efficiency of
Autonomous Smart Traffic Management (ASTM) systems and accessible. However, at the start of 1980, AI entered the ”dark
reduce traffic congestion rates. This paper presents an Au- era” due to many obstacles, such as a lack of computational
tonomous Smart Traffic Management (STM) system that uses power to do anything substantial; computers simply couldn’t
AI to improve traffic flow rates. The system employs the YOLO store enough information or process it fast enough, which
V5 Convolutional Neural Network to detect vehicles in traffic discouraged many investors and researchers from delving
management images. Additionally, it predicts the number of
vehicles for the next 12 hours using a Recurrent Neural Network deeper into this field. Until the end of the 20th century, AI
with Long Short-Term Memory (RNN-LSTM). The Smart Traffic development went through a roller coaster of success and
Management Cycle Length Analysis manages the traffic cycle setbacks, including famous “deep learning” techniques that
length based on these vehicle predictions, aided by AI. From the allowed computers to learn using experience, popularized by
results of the RNN-LSTM model for predicting vehicle numbers John Hopfield and David Rumelhart in the 1980s [8].
over the next 12 hours, we observe that the model predicts traffic
with a Mean Squared Error (MSE) of 4.521 vehicles and a Root In 1997, AI regained hype after IBM’s Deep Blue, a chess-
Mean Squared Error (RMSE) of 2.232 vehicles. After simulating playing computer program, defeated reigning world chess
the STM system in the CARLA simulation environment, we found champion and grandmaster Garry Kasparov [5]. However, it
that the Traffic Management Congestion Flow Rate with ASTM was not until 2012 that AlexNet, a CNN architecture by Alex
(21 vehicles per minute) is 50% higher than the rate without Krizhevsky and his team, won the 2012 ImageNet annual
STM (around 15 vehicles per minute). Additionally, the Traffic
Management Vehicle Pass Delay with STM (5 seconds per vehicle) image recognition challenge by a huge margin, reigniting
is 70% lower than without STM (around 12 seconds per vehicle). development in the AI field [4]. To this day, numerous develop-
These results demonstrate that the STM system using AI can ments have emerged in AI, attributed to the vast amount of data
increase traffic flow by 50% and reduce vehicle pass delays by available to train models, tremendous increases in computing
70%. power since the 1990s, and the introduction of revolutionary
AI architectures with significantly higher performance and
I. I NTRODUCTION usability.
Nowadays, Artificial Intelligence (AI) development has con-
A. Artificial Intelligence
tributed to improvements in various areas, including scientific
The development of Artificial Intelligence (AI) began in research, industry, environmental sectors, and governmental
1943 when neurophysiologist Warren McCulloch and mathe- and social issues. For example, AI has proven effective in
matician Walter Pitts published a paper introducing Artificial solving a variety of practical problems such as disease detec-
Neural Networks (ANN) to the world [5]. The development tion [6], language translation [7], autonomous self-driving cars
of AI started to gain attention when British polymath Alan [2], and customer behavior prediction [9].
Turing published his paper ”Can Machines Think?” in 1950, However, AI development has been hampered by difficulties
where Turing suggested that machines can do the same things in sharing ML models and differences in dependencies and
as humans, using available information and reasoning to solve machine environments, making it challenging to deploy a
problems and make decisions [5]. The development of AI model across different machines [1]. Usually, ML models
officially started after Allen Newell, Cliff Shaw, and Herbert contain multi-stage, complex pipelines with procedures that
Simon published the proof of concept in the first AI program are sequentially entangled and mixed together, such as pre-
named Logic Theorist in 1955 [5]. processing, feature extraction, data transformation, training,
and validation [4]. Hence, improving an individual component C. Traffic Congestion Prediction using Artificial Intelligence
may, in fact, worsen overall performance due to the strong One application of Artificial Intelligence is predicting traffic
correlations between components. Therefore, building models congestion. By analyzing traffic time, traffic jam conditions,
becomes a trial-and-error-based iterative process that demands and weather conditions, AI can predict traffic congestion ef-
expert-level knowledge in ML concepts to create and tune ML fectively. Recurrent neural networks (RNNs) are deep learning
models manually [10]. Moreover, because of the dependencies models typically used to solve problems with sequential input
for different AI tools like TensorFlow, Keras, and PyTorch, data, such as time series. RNNs retain a memory of previously
machine dependencies must be installed manually, which is processed inputs and learn from these iterations during training
often a time-wasting process and not always straightforward [1].
[23]. To understand RNNs, consider that they are a class of
artificial neural networks where connections between nodes
form a directed graph along a temporal sequence. This allows
B. Object Detection using Computer Vision them to exhibit temporal dynamic behavior. Unlike feedfor-
ward neural networks, which do not retain memory, RNNs can
Object Detection using Computer Vision involves detecting
process variable-length sequences of inputs [9]. RNNs share
objects around Artificial Intelligence Sensor Image Cameras.
parameters across each layer of the network, and while they
In computer vision, convolutional neural networks (CNNs)
adjust weights during training, they often face challenges such
are very popular for tasks like image classification, object
as exploding and vanishing gradients [22]. The architecture of
detection, image segmentation, drivable area detection [2],
the Recurrent Neural Network for predicting traffic congestion
3D point cloud object completion [3] and more. Image clas-
can be seen below.
sification is one of the most needed techniques in today’s
era; it is used across various domains like healthcare and
business. Thus, knowing and creating your own state-of-the-
art computer vision model is a must if you’re in the AI
domain. Most computer vision algorithms utilize something
called a convolutional neural network (CNN). A CNN is a
model used in machine learning to extract features, like texture
and edges, from spatial data. Like basic feedforward neural
networks, CNNs learn from inputs, adjusting their parameters
(weights and biases) to make accurate predictions. However,
what makes CNNs special is their ability to extract features
from images. Take an image of a car, for example. In a normal
feedforward neural network, the image would be flattened
into a feature vector. However, CNNs can treat images like Fig. 2. Recurrent Neural Network Architecture for Traffic Congestion System
Prediction using Artificial Intelligence
matrices and extract spatial features, such as texture, edges,
and depth. They accomplish this through convolutional layers
and pooling. The architecture of the Artificial Intelligence D. Smart Traffic Management Systems
Convolutional Neural Network can be seen below. One cornerstone of smart city design is having an inte-
grated smart transportation solution. It can be argued that
a city is not completely intelligent without a smart traffic
management system. Intelligent transportation systems (ITS)
or smart traffic management systems (Figure 1) provide an
organized, integrated approach to minimizing congestion and
improving safety on city streets through connected technology.
The intelligent traffic management system market is expected
to grow to $19.91 billion by 2028 at a 10.1% CAGR, according
Fig. 1. Convolutional Neural Network for Image Detection in Artificial to PR Newswire. The demand and increased adoption rate of
Intelligence
smart traffic management solutions can be attributed to the
rise of smart city technology. Guidehouse Insights reports that
The CNN processes an image by applying a series of filters, there are more than 250 smart city projects globally.
resulting in feature maps that highlight different aspects of Symmetry Electronics supplier, Digi International, defines
the input image. The convolution kernel, which is a matrix smart traffic management systems as technology solutions that
of weights, slides over the input image matrix, performing municipalities can integrate into their traffic cabinets and inter-
element-wise multiplications and summing the results to pro- sections today for fast, cost-effective improvements in safety
duce a feature map. These feature maps allow CNNs to and traffic flow on their city streets. Efficient and success-
understand and categorize images based on spatial features. ful smart traffic management systems utilize next-generation
hardware and software to optimize traffic infrastructure (Figure helps identify congestion levels and improve roadway
2). The architecture of the Smart Traffic Management System operations.
using Artificial Intelligence can be seen below. 6) Level of Service (LOS): LOS is a grading system from
A to F used to evaluate traffic flow, where A indicates
free-flow conditions and F indicates heavy congestion.
7) Peak Period: The peak period is the time when con-
gestion is at its highest level, usually occurring dur-
ing morning and evening rush hours. Identifying peak
periods can help agencies optimize traffic management
strategies.
It is essential to analyze metrics to identify existing issues
and prioritize solutions. Advanced traffic management systems
can continuously collect data from the street network and
dynamically respond to changing traffic conditions. Traffic
signal timing can be adapted based on current congestion
levels, and information can be provided to drivers in real time
through digital signs or mobile applications. As technology
Fig. 3. Architecture of Smart Traffic Management using Artificial Intelligence continues to advance, the capabilities of smart traffic manage-
ment systems will continue to expand, ultimately leading to
Transportation plays a crucial role in any community, safer, more efficient roadways.
connecting people to jobs, services, and opportunities. Mon-
II. M ETHODOLOGY
itoring key metrics can provide valuable insight into how
a transportation system is performing and whether it meets In this project, the author proposes a novel architecture for
the needs of those who rely on it. This section explores a Smart Traffic Management System by using Artificial Intel-
some key transportation metrics to analyze in any community, ligence to intelligently manage traffic. First, we use Artificial
including measures of mobility, road safety, and accessibil- Intelligence to detect vehicles in traffic management system
ity. By understanding these metrics, community leaders and images. After detecting vehicles, we predict the number of
transportation professionals can make informed decisions to vehicles using Artificial Intelligence to estimate the traffic den-
improve transportation systems and enhance the overall quality sity. Then, the system manages the traffic cycle length based
of life for residents. Metrics to Measure Traffic Congestion in on fuzzy decision-making for traffic flow. The architecture
Smart Traffic Management can be seen below. of the autonomous Smart Traffic Management System using
Artificial Intelligence is illustrated in Figure 4.
1) Average Daily Traffic (ADT) and Annual Average Daily
Traffic (AADT): ADT and AADT quantify how busy a A. Smart Traffic Management System Vehicle Detection using
stretch of road or highway is, reporting the number of Convolutional Neural Network
vehicles passing through over a day or year, respectively.
They have many applications within traffic engineering, First, we detect vehicles in traffic management system
such as signal timing and determining where infrastruc- images using a Convolutional Neural Network (CNN). The
ture investments should go. CNN detects vehicles by analyzing the pixels and colors in the
2) Corridor Travel Times: Corridor Travel Times help images. For vehicle detection, the author uses the Road Vehicle
transportation agencies understand how long it takes to Image Dataset of Bangladesh Traffic, created by Ashfak Yeafi
travel between two points and allow them to identify in 2017. This dataset contains annotated images of Bangladesh
bottlenecks and improve planning and programming. road vehicles, with separate folders for training and validation
3) Speed: A common measure of traffic congestion is the images. The dataset includes over a million images, captured
speed at which vehicles travel on a roadway. It can be from January to December 2017.
averaged over specific time intervals or collected for an For the vehicle detection task, the author uses the YOLOv5
entire day, providing insight into how traffic conditions CNN model. YOLOv5 is widely used for object detection
change throughout the day. tasks and comes in four versions: small (s), medium (m),
4) Travel Time Index (TTI): TTI is a ratio of the travel large (l), and extra-large (x), each offering progressively higher
time during peak hours to the travel time during free- accuracy. YOLOv5 works by extracting features from images
flow conditions. TTI identifies congestion and can help and predicting bounding boxes and class labels for detected
agencies determine the effectiveness of congestion man- objects. It connects the process of predicting bounding boxes
agement strategies. and class labels in an end-to-end differentiable network.
5) Delay: Delay is the difference between the time a The YOLO network consists of three main components:
vehicle would take to travel in free-flow conditions and 1) Backbone: A convolutional neural network that aggre-
the time taken to travel under congested conditions. It gates and forms image features at different granularities.
Fig. 4. Architecture of Autonomous Smart Traffic Management System using Artificial Intelligence

2) Neck: A series of layers to mix and combine image 6) Weight Decay: A regularization technique that penalizes
features before passing them forward to prediction. large weights to prevent overfitting.
3) Head: Consumes features from the neck and performs The six most important hyperparameters for YOLOv5 tun-
the final box and class prediction. ing in vehicle detection can be seen in the following figure.
The architecture of YOLOv5 for Smart Traffic Management
System vehicle detection using CNN is shown below.

Fig. 5. Architecture of YOLO V5 Smart Traffic Management System Vehicles


Detection using Convolutional Neural Network

During the vehicle detection process, the author tunes five


key hyperparameters of the YOLOv5 model. These hyperpa- B. Traffic Vehicle Prediction using Recurrent Neural Network
rameters are: After determining the number of vehicles, the author pre-
1) Learning-rate start (lr0): Determines the step size at dicts the next 12 hours of traffic using a Recurrent Neural
each iteration. For example, a learning rate of 0.1 means Network (RNN). Specifically, a Long Short-Term Memory
the training progress increases by 0.1 at each iteration. (LSTM) model is used to predict future traffic flow. LSTMs are
2) Momentum: A parameter for the gradient descent al- designed to handle long-term dependencies in sequential data,
gorithm that replaces the gradient with an aggregate of making them suitable for tasks like time series forecasting.
gradients. An LSTM has a memory cell controlled by three gates:
3) Mosaic: Increases model accuracy by creating a new the input gate, the forget gate, and the output gate. These
image from multiple combined images for data augmen- gates manage the flow of information, allowing the LSTM to
tation. selectively retain important data over time. This makes LSTMs
4) Degree: Improves model accuracy by randomly rotating ideal for traffic prediction tasks.
images during training, up to 360 degrees. The architecture of the RNN with LSTM for predicting
5) Scaling: Resizes images to either match grid size or traffic in a Smart Traffic Management System is shown in
optimize results. Figure 7.
D. Evaluating the Smart Traffic Management System using
Artificial Intelligence with the Traffic Management Simulator
CARLA
After determining the Smart Traffic Management System
Traffic Cycle Length using Smart Traffic Cycle Length Fuzzy
Decision Making, the user will simulate the Smart Traffic
Management System using Artificial Intelligence in the Smart
Traffic Management Simulator CARLA. CARLA is an open-
source autonomous driving simulator. It was built from scratch
to serve as a modular and flexible API to address a range of
tasks involved in the problem of autonomous driving. One of
Fig. 6. Architecture of Recurrent Neural Network Long Short Term Memory the main goals of CARLA is to help democratize autonomous
for Predicting Traffic Vehicles in Smart Traffic Management System driving R&D, serving as a tool that can be easily accessed and
customized by users. To do so, the simulator must meet the
requirements of different use cases within the general problem
The author uses several features for predicting the number of of driving (e.g., learning driving policies, training perception
vehicles over the next 12 hours. These features are illustrated algorithms, etc.). CARLA is based on Unreal Engine to run the
in Figure 8. simulation and uses the OpenDRIVE standard (1.4 as of today)
to define roads and urban settings. Control over the simulation
is granted through an API handled in Python and C++ that
is constantly being improved as the project evolves. In order
to smooth the process of developing, training, and validating
driving systems, CARLA has evolved into an ecosystem of
projects, built around the main platform by the community. In
this context, it is important to understand how CARLA works
to fully comprehend its capabilities.
First, the author tunes the hyperparameters of the YOLO
V5 Convolutional Neural Network to detect Smart Traffic
Management System vehicles. The tuning process for the
YOLO V5 Convolutional Neural Network hyperparameters for
detecting vehicles in the Smart Traffic Management System is
C. Smart Traffic Management Traffic Cycle Length Analysis shown in Figure 8.
using Fuzzy Decision Making

The Smart Traffic Management Traffic Cycle Length is


managed based on vehicle prediction using Artificial Intelli-
gence. The traffic cycle length is the total signal time required
to serve all signal phases, including green time and any change
intervals. Longer cycles accommodate more vehicles per hour
but also produce higher average delays.
The optimal cycle length can be determined using Webster’s
formula, which minimizes intersection delay:

(1.5 × L + 5)
C=
(1.0 − SYi ) Fig. 7. Result Table of Tuning Hyperparameter YOLO V5 to Predict Smart
Traffic Management System Vehicles in Smart Traffic Management Images
Where: C = optimal cycle length in seconds (rounded to
the nearest 5 seconds), L = unusable time per cycle (e.g., From the results of tuning the hyperparameters of the YOLO
signal change intervals), SYi = critical lane volume for each V5 Convolutional Neural Network to detect vehicles in the
phase/saturation flow. Smart Traffic Management System, we can see that the best
The saturation flow is typically between 1500 and 1800 hyperparameter settings are from Search 1 with a learning rate
vehicles per hour. This formula can be used to calculate the of 0.0052, momentum of 0.595, mosaic parameter of 0.36,
signal timing for planning purposes. After determining the rotation degree of 72, scale of 1.32, and weight decay of
cycle length, the green time can be proportioned for each phase 0.0005, achieving a mean average precision (MAP) of 0.4034,
based on critical lane volumes. which is almost 50
Management System. The evaluation results are shown below.
After simulating the Smart Traffic Management System in
CARLA, we observe that the Traffic Management Congestion
Flow Rate with the Smart Traffic Management System (21
vehicles per minute) is 50

III. C ONCLUSION

This paper presents an Autonomous Smart Traffic Manage-


ment System using Artificial Intelligence to improve traffic
congestion flow rates. The system utilizes the YOLO V5
Convolutional Neural Network to detect vehicles in traffic
Fig. 8. Results of Best Tuning Hyperparameters for YOLO V5 to Predict management images. The hyperparameters of the YOLO V5
Smart Traffic Management System Vehicles in Smart Traffic Management model, including the learning rate, momentum, mosaic param-
Images eter, rotation degree, scale, and weight decay, were optimized.
The best hyperparameter settings resulted in a mean average
precision (MAP) of 0.4034, which is almost 50
Next, the author trains the YOLO V5 Convolutional Neural
Network with the best-tuned hyperparameters to detect Smart The Smart Traffic Management System also predicts the
Traffic Management Vehicles in Smart Traffic Management number of vehicles over the next 12 hours using a Recurrent
Images. The best hyperparameter settings used for training Neural Network Long Short-Term Memory (RNN-LSTM).
include a learning rate of 0.00406, momentum of 0.595, The model predicts vehicle numbers with an MSE of 4.521
mosaic parameter of 0.36, rotation degree of 72.6, scale of and an RMSE of 2.232, accurately predicting traffic trends for
1.32, and weight decay of 0.0005. The results of training the the next 12 hours.
YOLO V5 Convolutional Neural Network with the best-tuned Finally, the Smart Traffic Management System is evaluated
hyperparameters for detecting vehicles are shown in Figure 9. using the CARLA simulator. The results show that the Traffic
From the training process, we see that the YOLO V5 Convo- Management Congestion Flow Rate with the Smart Traffic
lutional Neural Network with the best-tuned hyperparameters Management System (21 vehicles per minute) is 50
can detect Smart Traffic Management Vehicles in Smart Traffic
Management Images with a mean average precision (MAP) of
0.88561. For detecting cars specifically, the MAP is 0.95251.
Additionally, the training loss decreased to 0.0010, which is
50 ACKNOWLEDGMENT
Next, the author trains a Recurrent Neural Network Long
Short-Term Memory (RNN-LSTM) to predict Smart Traffic
Management Vehicles. The RNN-LSTM is trained to predict The author would like to thank you the Korean Advanced
the number of vehicles over the next 12 hours using features Institute of Science and Technology ( KAIST ) who hosted the
such as the number of vehicles in the last hour, year, month, Autonomous Vehicles and Smart Traffic Mobility Program,
day, hour, and minute. The results of the RNN-LSTM for and the whole team of Fundamental of Vehicular Electric
predicting vehicles over the next 12 hours are shown below. System program who relentlessly strive to conduct this Fun-
From the results of the RNN-LSTM model, we can see damental of Vehicular Electric System Final Project in this
that it predicts the number of vehicles in the next 12 hours desolate pandemic environment. Special thanks also for Prof.
with a mean squared error (MSE) of 4.521 vehicles and a root Syeung Heun Kong as the head of Autonomous Vehicle Lab
mean squared error (RMSE) of 2.232 vehicles. The model can who lead, mentoring, advised and motivated the author during
accurately predict both increases and decreases in the number the Autonomous Smart Traffic Management System Research
of vehicles over the next 12 hours. program and give invaluable support. Sincere thanks also for
The author then evaluates the Smart Traffic Management Cho Sang Jae and Paek Dong Hee as the mentor of author
System using Artificial Intelligence in the CARLA Traffic who always there to help and motivate the author in the
Management Simulator. A total of 100 scenarios are simulated Smart Traffic Management System Research , and for Ryan
each day, comparing the performance of the Smart Traffic Gallagher as teammate of author who helped author from the
Management System using AI and a conventional Traffic beginning either in the topic or in other activity.
Fig. 9. Results of Training the Best Tuning Hyperparameter for the YOLO V5 Convolutional Neural Network to Detect Smart Traffic Management Vehicles
in Smart Traffic Management Images

Fig. 10. YOLO V5 Convolutional Neural Network Predicts Smart Traffic Fig. 12. Evaluation Results of the Smart Traffic Management System using
Management Vehicles in Smart Traffic Management Images Artificial Intelligence in the CARLA Traffic Management Simulator

[3] C.R.Goenawan , K.T.Wijaya , S.-H.Kong , Enhancing Performance of


Point Cloud Completion Networks with Consistency Loss, arXiv preprint
arXiv:2410.07298, 2024. https://doi.org/10.48550/arXiv.2410.07298
[4] A. Geron, Hands-On Machine Learning with Scikit-Learn and Tensor-
Flow, 1st ed. California, USA: O’Reilly Media, 2017.
[5] R. Anyoha, The History of Artificial Intelligence, Harvard University:
Science in the News, 2017.
[6] A. Esteva et al., Dermatologist-level classification of skin cancer with
deep neural networks, Nature, vol. 542, no. 7639, pp. 115–118, 2017.
[7] Y. Wu et al., Google’s neural machine translation system: Bridg-
ing the gap between human and machine translation, arXiv preprint
arXiv:1609.08144, 2016.
Fig. 11. Results of Recurrent Neural Network Long Short-Term Memory [8] J. Schmidhuber, Deep learning in neural networks: An overview, Neural
Predictions for Smart Traffic Management Vehicles in the Next 12 Hours Networks, vol. 61, pp. 85–117, 2015.
[9] C. Wang et al., Webpage depth viewability prediction using deep se-
quential neural networks, IEEE Transactions on Knowledge and Data
Engineering, 2018.
R EFERENCES
[10] D. Sculley et al., Hidden technical debt in machine learning systems,
[1] Linux Foundation, Acumos AI: Open Source Artificial Intelligence Plat- Advances in Neural Information Processing Systems, pp. 2503–2511,
form, Linux Foundation Publication, 2020. 2015.
[2] C. R. Goenawan et al., See the Unseen: Grid-Wise Drivable Area Detec- [11] S. Zhao et al., Packaging and Sharing Machine Learning Models via
tion Dataset and Network using LiDAR, Remote Sensing, vol. 16, no. 20, the Acumos AI Open Platform, AT&T Research Labs, New Jersey, USA,
p. 3777, 2024. [Online]. Available: https://doi.org/10.3390/rs16203777 2019.
[12] M. Vartak et al., Model db: A System for Machine Learning Model
Management, in Proceedings of the Workshop on Human-In-the-Loop
Data Analytics. ACM, 2016.
[13] AT&T and Linux Foundation, Acumos AI: An Open Source AI Machine
Learning Platform, 2017. [Online]. Available: https://www.acumos.org/
[14] Data Mining Group, Portable Format for Analytics (PFA): What is PFA?,
2020.
[15] F. Pedregosa et al., Scikit-learn: Machine learning in Python, Journal
of Machine Learning Research, vol. 12, no. Oct, pp. 2825–2830, 2011.
[16] M. Abadi et al., TensorFlow: A system for large-scale machine learning,
in OSDI, vol. 16, pp. 265–283, 2016.
[17] A. Paszke et al., PyTorch: An imperative style, high-performance deep
learning library, in Proceedings of the 33rd Conference on Neural
Information Processing Systems (NeurIPS 2019), 2019.
[18] X. Meng et al., MLlib: Machine learning in Apache Spark, Journal of
Machine Learning Research, vol. 17, no. 1, pp. 1235–1241, 2016.
[19] M. Hofmann and R. Klinkenberg, RapidMiner: Data Mining Use Cases
and Business Analytics Applications, CRC Press, 2013.
[20] D. Crankshaw et al., Clipper: A low-latency online prediction serving
system, in NSDI, pp. 613–627, 2017.
[21] R. A. McDougal et al., Twenty years of ModelDB and beyond: Building
essential modeling tools for the future of neuroscience, Journal of
Computational Neuroscience, vol. 42, no. 1, pp. 1–10, 2017.
[22] J. N. Van Rijn et al., OpenML: A collaborative science platform, in Joint
European Conference on Machine Learning and Knowledge Discovery in
Databases. Springer, 2013, pp. 645–649.
[23] M. Ribeiro et al., MLaaS: Machine Learning As A Service, in Proc.
of the 14th Int. Conf. on Machine Learning and Applications (ICMLA).
IEEE, 2015, pp. 896–902.

You might also like