@ Applied Learning Algorithms For Intelligent IoT
@ Applied Learning Algorithms For Intelligent IoT
Algorithms for
Intelligent IoT
Applied Learning
Algorithms for
Intelligent IoT
Edited by
Pethuru Raj Chelliah
Usha Sakthivel
Susila Nagarajan
First Edition published [2022]
by CRC Press
6000 Broken Sound Parkway NW, Suite 300, Boca Raton, FL 33487-2742
and by CRC Press
2 Park Square, Milton Park, Abingdon, Oxon, OX14 4RN
© 2022 Taylor & Francis Group, LLC
CRC Press is an imprint of Taylor & Francis Group, LLC
The right of Pethuru Raj, Usha Sakthivel, and Susila Nagarajan, to be identified as the authors
of the editorial material and the authors for their individual chapters, has been asserted in
accordance with Sections 77 and 78 of the Copyright, Designs and Patents Act 1988.
Reasonable efforts have been made to publish reliable data and information, but the author
and publisher cannot assume the responsibility for the validity of all materials or the
consequences of their use. The authors and publishers have attempted to trace the copyright
holders of all the materials reproduced in this publication and apologize to copyright holders
if permission to publish in this form has not been obtained. If any copyright material has not
been acknowledged, please write and let us know so that we may rectify in any future reprint.
Except as permitted under U.S. Copyright Law, no part of this book may be reprinted,
reproduced, transmitted, or utilized in any form by any electronic, mechanical, or other
means, now known or hereafter invented, including photocopying, microfilming, and
recording, or in any information storage or retrieval system, without a written permission
from the publishers.
For permission to photocopy or use material electronically from this work, access
www.copyright.com or contact the Copyright Clearance Center, Inc. (CCC), 222 Rosewood
Drive, Danvers, MA 01923, 978-750-8400. For works that are not available on CCC, please
contact [email protected]
Trademark notice: Product or corporate names may be trademarks or registered trademarks
and are used only for identification and explanation without intent to infringe.
ISBN: 978-0-367-63594-7 (hbk)
ISBN: 978-1-032-11321-0 (pbk)
ISBN: 978-1-003-11983-8 (ebk)
DOI: 10.1201/9781003119838
Typeset in Caslon
by MPS Limited, Dehradun
Contents
CONTRIBUTOR LIST ix
v
vi CONTENTS
INDEX 345
Contributors
ix
x CONTRIBUTORS
J. Pushpa T. Sheela
Jain University Department of Information
Bengaluru, India Technology
Sri Sairam Engineering College
S. Rachel
Chennai, Tamil Nadu, India
Department of Information
Technology Ishpreet Singh
Sri Sairam Engineering College M.S. Student
Chennai, Tamil Nadu, India Rochester Institute of
Technology
Priscilla Rajadurai
Rochester, New York, USA
St. Joseph’s Institute of
Technology Neha Singhal
Chennai, India Department of ISE
Sri Krishna College of
A. M. Ratheeshkumar
Engineering and Technology
Department of Information
Coimbatore, India
Technology
Sri Krishna College of T. Subha
Engineering and Technology Sri Sairam Engineering College
Coimbatore, India Chennai, India
R. Valarmathi
Department of Computer
Science and Engineering
Sri Sairam Engineering
College
Chennai, Tamil Nadu, India
1
CONVOLUTIONAL NEURAL
NETWORK IN COMPUTER VISION
D. AISHWARYA1 AND R.I. MINU2
1
Research Scholar, SRM Institute of
Science and Technology,
Kattankulathur, Tamil Nadu, India
2
SRM Institute of Science and
Technology, Kattankulathur,
Tamil Nadu, India
Contents
Introduction 2
Convolutional Neural Network (CNN) 4
Distinctive Properties of CNN 5
Activation Functions for CNN 6
Loss Function 8
Datasets and Errors 9
Bias and Variance 9
Overfitting and Underfitting 10
Understanding Padding and Stride 11
Padding 11
Stride 12
Parameters and Hyper Parameters 13
CONV Layer 13
Filter 13
Feature Map 14
Convolution Operation 14
Key Points about Convolution Layers and Filters 16
Pooling Layer 16
Key Points about Pooling Layer 16
Types of Pooling 17
Forward Propagation 18
Calculating the Parameters 18
DOI: 10.1201/9781003119838-1 1
2 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Introduction
generate the complete image, and the ANN attached at last would
give the required output depending on the problem for which the
particular neural network was developed.
But, PReLU/Leaky ReLU function adds the slope value of a to the input
ax if x < 0
R (x ) =
x if x 0
Loss Function
The dataset for a neural network is split into three different subsets:
Total Error: The sum of the bias error and variance error is the total
error.
Trade-Off between Bias and Variance: For a model to work per
fectly, low-bias and low-variance errors are the ideal conditions.
Overfitting occurs when the model trains on the training data very
well. Overfitting causes the model to make wrong predictions. False
positives increase due to overfitting. High variance and low bias result
in overfitting, also known as generalization error.
Underfitting occurs when the model generates accurate predictions
on the training set. Underfitting causes false negatives to increase.
High variance and high bias result in under fitting.
Appropriate Fit or the statistical fit is the ideal state between
overfitting and underfitting (Figure 1.8).
The two main parameters that decide the behavior of the CNN are
padding and stride. Both these parameters have impact on the size of
the data.
Padding
Stride
CONV Layer
Filter
Filter can also be called kernels. Each filter contains a set of weights
that are for a specific purpose, like for edge detection, filter for line
detection, sharpening, Gaussian blur, etc. The size of the filter is
mostly 3×3 or 5×5, but it can also be changed based on the require
ment. The filter uses Sliding Window Protocol. Since the size of the
14 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
filter is smaller than the input image, the filter starts at the start of the
input, and then slides across the entire input. The filter acts as a feature
detector and sifts the input. It retains the required information in
the feature map and removes the irrelevant details. For example, if a line
detector is the filter used, upon passing over input, the output contains
the information only about the lines that are present in the input.
Feature Map
The result of the convolution layer is a feature map. The feature map
is a result of repeated application of the same filter in different
patches of the input image. The resulting feature map contains the
location and intensity of the detected features of the image. The size
of the output feature map is given by
W F + 2P
Dimension of the Feature Map = + 1,
S
where, W – Size of the Input Data (Image)
F – Size of the Filter
P – Padding
S – Stride
Convolution Operation
Convolution operation between the input image and the kernel is the
key idea behind the convolution neural network. Convolution op
eration is a linear operation that involves the dot product of the input
image with the kernel. Convolution operation is indicated by “*.”
Consider an input image of size 5×5, i.e., W = 5, with zero pad
ding, P = 0, and the size of the filter is 3×3, F = 3 and Stride S = 1,
based on the formula given above for the dimension of the feature
map, upon substituting
Dimension of Feature Map = (5–3 + 0/1) + 1 = 3.
Similarly, the filter slides next step, and when all the values have
been covered horizontally, it then slides downward, i.e., vertically to
the beginning of the next row, as shown in Figures 1.11 and 1.12.
This way the convolution process takes place. The output feature
map is then passed to the ReLU activation function. This ReLU
layer is comprised within the CONV Layer. The purpose of the
ReLU function is to remove the linearity in the feature map obtained
and make it more meaningful. It removes negative values from the
feature map by replacing them with zero.
Pooling Layer
Types of Pooling
Forward Propagation
Parameters are basically the learnable elements from the data. They are
weights that are learnt during the training process, for example see
Figure 1.17. These weight matrices are used to contribute to the pre
dictive power of the model that is changed during the back propagation.
where,
m – width of the filter
n – height of the filter
d – no. of filters in the previous layer
k – no. of filters and 1 indicates the bias term
3. Pooling layer: Learning does not take place in the pooling layer.
Hence, the number of parameters is 0.
4. Fully connected layer: The fully connected layer has the
highest number of parameters. The formula to calculate the
number of parameters in FC layer and the softmax activation
function is
where,
c – no. of neurons in the current layer
p – no. of neurons in the previous layer and 1 is the bias term
Activations maps are just another name for the output feature map of
the convolutional layers. The activation shape is nothing but the
dimensions of the output of the particular layer in the format (height,
width, and no. of channels). Activation size is the product of the
height, width, and the number of channels.
The forward propagation computes the result of the learning
process and saves the intermediate values that are required for the
gradients computation. The gradients computation is used for cal
culating the loss function and the optimization (see Figure 1.18).
20 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Backward Propagation
Optimizers
Image Data Augmentation When the amount of data used for training
is less, the model may not be able to learn the key features properly.
This results in lower accuracy of the model. This can be overcome by
the concept of augmentation. Wherein the image data, which are al
ready used for the purpose of training, can be augmented with various
operations, like rotation, reflection, tilting, performance of random crop,
and alteration of the image properties as shown in Figure 1.19. These
images add the count to the dataset, enabling the model to learn better.
Application of CNN
Image Classification
Binary Classification
Using python, tensorflow and keras libraries, we can classify
images using the CNN. Following are the steps to create a classifier:
1. Create a folder for the 2c classes of object in the python.
2. Open the python notebook and import the required libraries,
like sequential, Convolution2D, Maxpooling2D, Dense, etc.
3. The next step is to initialize the CNN architecture, using the
command model = Sequential(). Here, model is the name of the
architecture and we are creating it in sequential pattern.
4. Add the convolution layer to the convolutional layer, model.add
(Convolution2D(filters=32, input_shape = (64, 64), kernel_size =
(3,3,activation = ‘relu’))
Here, the parameters are no. of filters = 32, size of the filter –
3×3, Size of the input – 64×64 and the activation function
is ReLU.
5. Add the pooling Layer.
model.add(Max_Pooling2D(pool_size = (2, 2)).
Here, pooling window size is 2×2.
6. Similarly add consecutive layers of convolution layer and
pooling layer.
7. After adding the conv and pooling layers, the output is in the
form of a feature map. A feature map is a matrix. As we know,
the last layer of CNN architecture is a fully connected neural
network and it takes only an array of data as input, we convert
the matrix into a 1-D structure using flatten.
model.add(Flatten())
8. Add fully connected neural network to the sequential network.
model.add(Dense(units = 128, activation = ‘relu’), Here, units
indicate the number of neurons.
Output layer:
model.add(Dense(units = 1, activation = ‘sigmoid’)
Here, the activation used is Sigmoid, because the application is
binary classification and the output should either be 1 (if class 1
object is present in the image) or 0 (if class 2 object is present).
24 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Fast R-CNN
Faster R-CNN
Though Fast R-CNN is faster than the R-CNN, it still uses the selective
search algorithm, which is a time consuming process. Similar to the Fast
R-CNN, in Faster R-CNN also, the input image is directly fed into the
CNN. Then the output feature map is separately fed into a pooling layer
and a special Region Proposal Neural Network. This network generates
the object proposals and is then passed to the region of interest pooling
layer. Now that the pooling layer processes on both the feature map and
the object proposals, it identifies the regions of interest, warps them to
squares, and passes these to the classifier. The classifier then classifies the
object and show cases the location using the bounding box. The use of a
separate region proposal network instead of selective search algorithm
makes fast R-CNN even faster than the other two variants (see
Figures 1.24 and 1.25).
Transfer Learning
Most CNN Architectures are not developed from scratch, instead the
weights and the layers of the previously modeled architectures that
30 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
are well trained over a larger dataset and have attained higher effi
ciency are used in modeling CONV net for a new application.
Transfer learning can be applied in the following two ways for the
CNN architecture:
1. Pre-trained Model as Feature Extractor: This method uses
the feature extraction layers of the pre-trained algorithm,
but the classification or the prediction process is done by the
layers that are newly modeled for the task. This can also be
called as freezing the convolutional layer.
2. Fine-Tuning Pre-trained Models: This method fine tunes the
feature extraction layers of the existing pre-trained models and
may or may not use the final fully connected layers of the pre-
trained model.
Fine-Tuning or Freezing?
Steps in NST:
1. Both the input x and the style image a are converted to equal
dimensions.
2. A pre-trained convolution neural network can be used for the
style transfer. Transfer learning is done here. Ex. VGG16 ar
chitecture can be used.
3. The style components like color, basic shapes, and patterns are
extracted from the style image, denoted as S(a)
4. The content component featuring the actual object and features
in the input image, other than color and styling elements, are
extracted, denoted as C(x).
5. After extracting the required components, they are fed into the
CNN and an output styled image y is obtained.
6. The losses for NST are specific. They are
1. Content Loss: The difference in content between the input
and the styled image, denoted as C (x ) C (y ) .
2. Style Loss: The difference in style factors between the style
image and styled image, denoted as S (a ) S (y ) .
3. Total Loss: The total loss is denoted by L.
L (y ) = C (x ) C (y ) + S (a ) S (y )
Contents
DOI: 10.1201/9781003119838-2 33
34 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Data analytics is the field of science that is used in analyzing raw data
and draw conclusions from it. It draws patterns and is used in many
specialized systems that are integrated with ML algorithms. Data
analytics can help to quantify the data and track them to make smarter
decisions. Data analytics works with answering the queries based on
some existing data, while ML is not focused toward the queries, rather it
works with datasets in unstructured ways to get the output. ML is much
more toward asking the right questions, and data analytics provides a
way to answer those questions and find actionable data. Thus both data
analytics and ML are interconnected, with data analytics having micro
scope in specific applications and ML having macro scope.
Machine
Learning
Supervised Semi
Unsupervised Reinforcement
Learning Supervised
Learning Learning
Learning
Classification Clustering
Markov
1. Naive Bayes 1. K-Means Decision
2. SVM 2. KNN Process
3. Decision trees
Regression Dimensionality
Reduction
1. Linear
1.PCA
2. Logistic
2.SVD
3. Semi-Supervised Learning
4. Reinforcement Learning
Supervised Learning
A model is built using a set of input data that are trained called training
data to make the system predict the output. The predicted data may not
always be correct and in this case, the data are still trained until the
model reaches a desired level of accuracy. The term supervised learning
is analogous to a teacher supervising the activities of the students [3].
This learning method takes an input data (X ) and is applied to an
algorithm to predict the output (Y ). In short, it is denoted as
Y = Function(X)
Examples include classifying the emails into spam and not spam,
classifying documents as confidential or not, predicting the user
behavior and classifying as churn or not, classifying a tumor if it is
malignant or benign.
Classification
SVM are algorithms that can be used to solve classification and re
gression problems, but it is used for classification in majority of the cases.
Types of Learners
Eager Learners
Document Classification
Illustration
Logistic Regression
Unsupervised Learning
clusters from the dataset. They also consider the granularity and
make adjustments based on it.
There are different types of clustering:
1.1 Exclusive (partitioning)
In this method, grouping of data is done belonging to one cluster only.
Example: k-means
1.2 Agglomerative
Here, all the data are clusters. In order to reduce the number of
clusters that are formed, union operation is performed.
Example: Hierarchical clustering
1.3 Overlapping
Here fuzzy datasets help in clustering the data. There may be two or
more clusters associated with separate degrees of membership. Here,
the data are associated with an appropriate membership value.
Example: Fuzzy C-Means
1.4 Probabilistic
This technique uses probability distribution to create the clusters.
Example: Following keywords
“man’s shoe.”
“women’s shoe.”
“women’s glove.”
“man’s glove.”
These can be clustered into two categories “shoe” and “glove” or
“man” and “women.”
2. Association
This enables association among the data that are available inside the
datasets. This technique is used to discover relationships between the
variables in very large databases.
Examples:
1. Anomaly Detection
Anomaly detection is used to identify the uncommon items,
events, or observations from the normal data. In this case, the
system trains with large data which are normal instances. So, in
an unusual instance, the machine detects whether there is some
unusual behavior and claims it to be anomaly.
One example is credit card fraud detection, which can be solved
using anomaly detection techniques in ML. Here, the system
detects any unknown credit card transactions, which help in
preventing fraudulent activities.
2. Clustering
Clustering is the process of grouping the input dataset into dif
ferent clusters or groups based on the criteria. Clustering can be
done when the exact information about the clusters is not known.
For example, in a supermarket, we can see how different items
are grouped and arranged. Also, e-shopping websites like
Amazon and Flipkart use clustering algorithms to group their
products according to the users’ needs.
3. Visualization
Visualization is the process of creating diagrams, images, graphs,
charts, etc., to deliver and communicate a piece of information.
For example, a football coach has some data of team’s perfor
mance in a tournament, to find all the statistics about the matches
quickly. We can feed complex and unlabeled data to some vi
sualization algorithm.
46 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
5. Evaluation
6. Parameter Tuning
7. Make Predictions
This is the first step of ML process. In this step, we collect the data
required for processing. This includes both the quality and the
quantity, which in turn are dependent on how good the model can
be. For example, if we want to identify a particular object, the first
step would be to identify and gather inputs based on the color, shape,
size, texture, etc. Incorrect data would lead to incorrect representa
tions and direct the model in a wrong way.
Data Preparation
After gathering the data, the next step is to prepare our data in terms
of ordering the data and removing the skews. This means our data
must be prepared in such a way that it is ready to be trained for the
model. The next important part of data preparation is to break the
data into training and testing data, where training data would con
tribute to 80% and testing data would be 20%, which are used for the
evaluation. This step also concentrates in removing duplicates, dis
carding incorrect data, and fine-tuning for better process.
Choosing a Model
Next is to identify the model that chooses the problem and the kind
of learning techniques to be employed. We already know that we
have a number of models that can be used for different purposes and
it is necessary to choose the right one.
Training
As the name suggests, training is the phase where our model ori
ginally starts learning. The 80% of the data that we have allocated for
training are used to teach our model. To train a model, more
TRENDS AND TRANSITION IN THE ML SPACE 49
Evaluation
Parameter Tuning
Prediction
The final step of ML process is prediction. This phase makes the model
ready for practical applications. This is the stage where the model starts
to perform its own conclusions without human interventions. This step
is actually the result of what a human is expected to do. The major
difference between human predictions and model prediction is that the
models can process huge amounts of data simultaneously, unlike hu
mans. This process helps in reducing the human’s burden for decision-
making process and arriving at conclusions [6].
ML during the first quarter of 2019, and we cannot even imagine the
increase its use currently [7]. A great number of ML technologies will
have a greater impact altering the basis of industries around the globe.
These include Regulation of Digital Data, Voice Assistants, Marketing,
Cyber Security, and just simply to every kind of industries [8]. As noted,
there are a wide variety of applications of ML in the fields like banking,
agriculture, healthcare, automobiles, and finance systems.
ML in Banking
ML in Agriculture
ML in Health Care
ML in Automobile Industry
Implementation
Pandas
Matplotlib
Jupyter Notebook
This includes web applications that are very interactive and can share
live code documents, and develop, execute, analyze, and discuss re
sults. This has higher functionality and user scenarios.
It can also be used along with other tools and also supports dif
ferent languages.
Google Colab
scikit-learn
Conclusion
References
[1] https://www.digitalocean.com/community/tutorials/an-introduction-
to-machine-learning#:~:text=Machine%20learning%20is%20a
%20subfield%20of%20artificial%20intelligence%20(AI).&text=
Because%20of%20this%2C%20machine%20learning,has%20bene
fitted%20from%20machine%20learning.
[2] https://medium.com/towards-artificial-intelligence/machine-
learning-algorithms-for-beginners-with-ython-code-examples-
ml-19c6afd60daa
[3] https://machinelearningmastery.com/a-tour-of-machine-learning-
algorithms/
TRENDS AND TRANSITION IN THE ML SPACE 55
[4] https://monkeylearn.com/blog/classification-algorithms/
[5] https://www.machinelearningplus.com/predictive-modeling/how-
naive-bayes-algorithm-works-with-example-and-full-code/
[6] https://livecodestream.dev/post/7-steps-of-machine-learning/
[7] https://towardsdatascience.com/introduction-to-machine-learning-
for-beginners-eed6024fdb08
[8] https://towardsdatascience.com/types-of-machine-learning-
algorithms-you-should-know-953a08248861#:~:text=Supervised
%20learning%20algorithms%20try%20to,from%20the%20previous
%20data%20sets.
[9] https://machinelearningmastery.com/types-of-classification-in-
machine-learning/
[10] https://www.techradar.com/in/news/how-ai-and-machine-learning-
our-improving-the-banking-experience
[11] https://technostacks.com/blog/machine-learning-in-agriculture/
[12] https://www.flatworldsolutions.com/healthcare/articles/top-10-
applications-of-machine-learning-in-healthcare.php
[13] https://machinelearningmastery.com/supervised-and-unsupervised-
machine-learning-algorithms
3
NEXT-GENERATION IOT USE
CASES ACROSS INDUSTRY
VERTICALS USING MACHINE
LEARNING ALGORITHMS
T. R. KALAIARASAN, SRUTHI ANAND,
V. ANANDKUMAR,
AND A. M. RATHEESHKUMAR
Department of Information
Technology, Sri Krishna College of
Engineering and Technology,
Coimbatore, India
Contents
Introduction 58
Sensors 58
Connectivity 59
Data Processing 59
User Interface 60
IoT in Industry 60
Machine Diagnosis and Prognosis System 61
Remote Monitoring and Production Control 62
Indoor Air Quality Monitoring System 63
Noise Monitoring System 64
Inventory Management System 65
IoT in Health Care 65
Pharmacy Management 67
Drug Monitoring 68
Smart Pills 69
Wearables 70
Fitness Trackers 70
DOI: 10.1201/9781003119838-3 57
58 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Introduction
Sensors
Sensors are nothing new; these are used by the organizations for a
considerable period of time. Sensors play an important role in pro
viding solutions using IoT. Sensors are devices that can detect the
external environment. It is possible to collect data of almost every
possible condition using sensors. There is a wide range of IoT sensors
used to detect and measure various aspects.
NEXT-GENERATION IOT USE CASES 59
Connectivity
Data Processing
Generally, sensors emit data that do not have any meaning (raw and
unprocessed data). The information is inferred from the raw data by
filtering and processing the data. Data processing involves input,
process, and output.
Input: The data may be in the form of numbers, text, images,
or videos. All these forms of data can be converted into machine
understandable language.
60 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
User Interface
IoT in Industry
Figure 3.5 Remote Monitoring and Production Control System in Manufacturing Industry
NEXT-GENERATION IOT USE CASES 63
The role of IoT is increasing in the field of life sciences and medical
health which is the need for today’s society. It is explored for a
number of purposes enabling end-to-end integration. The tech
nology fosters the medical environment to connect patients and
monitor them, which in fact improves systems as such. IoT can be
integrated with any other technology to enhance health care systems
starting from virtual online consultations to smart pills and wearables.
66 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Pharmacy Management
Drug Monitoring
Smart Pills
Smart pills (Figure 3.12) are just like normal medicines monitored
even after they have been taken. The term smart indicates that the
pill is able to monitor the temperature, pressure, and keep track of
the activities inside the body. It might sound similar to a pill cam
also. This pill is used to treat the problems in the intestine, treat
cancer, identify bacterial infection, etc. Most of the time, this pill
continuously helps us to identify the issues in the intestinal region.
There are a number of situations where a person may suffer from
continuous vomiting or a kind of uneasiness in the stomach region.
In this case, the smart pill enables the doctors to collect data as the
pill travels through the body. This is done in order to identify
the process that takes place when the food is swallowed. It does not
take any kind of photos inside our human system but it monitors the
movement. The smart pill is developed using either web or mobile
applications that could track the process. Smart pills include camera,
PCBs, antenna, and battery [13].
Wearables
Fitness Trackers
Physicians benefit more with this technology. The data from the
patient wearables help them to identify the treatment process, check
if they are adhering to the treatments, and monitor them. It also
promotes patient doctor interaction even in case of emergencies
(Figure 3.14).
IoT sensors are being used in different medical equipments like
nebulizers, wheelchairs, oxygen cylinders, glucose monitoring, and
insulin detection. Wearable devices can transmit data directly to the
practitioners that foster speedy diagnosis. It contributes to a greater
extent in remote monitoring of patients even if the patient may not
be able to communicate directly to the patients. Majority of the
medical devices can be connected via this technology which may
include wearables, labels that can be worn by patients or their
attenders to reduce the admission process associated with it [17].
IoT device will emit data, a raw data or an unprocessed data. Nothing
can be done if only raw data are available. The information is inferred
from the raw data by filtering and processing the data. From in
formation, knowledge is extracted using organizing and structuring of
information and decisions can be taken (Figure 3.16).
With the emerging technologies in the field, IoT combines with cloud
computing and data analytics for predictive maintenance and decision-
making. IoT enables mechanical devices to be diagnosed and main
tained with large amount of data collected instantly at different in
tervals of time. The data collected must be utilized effectively so that it
increases the rate of fault prediction. The data received from the
sensors are related to different equipments, and incorporating the
concept of machine learning (ML) will enable efficient data analysis.
ML algorithms tend to make good predictions that help in the process
of easy decision-making across major fields, like health care, banking
and financial sector, industrial automotives, etc.
The process of ML involves collecting huge datasets and im
plementing a model to train the datasets. The algorithm takes set of
samples as a training set. With the categorization of learning models,
viz supervised, unsupervised, and reinforcement, the appropriate
models can be used for training. Supervised learning involves training
the data and mapping it to the corresponding targets derived from
the past experiences. Unsupervised learning techniques involve
training the dataset without the need to supervise the data and it
NEXT-GENERATION IOT USE CASES 75
Conclusion
References
[1] ArshdeepBahga and Vijay Madisetti, “Internet of Things – A Hands -
On Approach”, Universities Press, 2015, ISBN: 978-81-7371-954-7.
[2] Anandkumar, V., T. R. Kalaiarasan, and S. Balakrishnan. “IoT Based
Soil Analysis and Irrigation System.” International Journal of Pure and
Applied Mathematics 119, no. 12 (2018): 1127–1134.
[3] https://www.i-scoop.eu/internet-of-things-guide/industrial-internet-
things-iiot-saving-costs-innovation/
[4] https://www.sciencedirect.com/science/article/pii/S1569190X19301145
[5] https://www.scnsoft.com/blog/iot-in-manufacturing
[6] Sruthi Anand, S. Lavanya, and T. Eswari, “A Smart Monitoring
System to Sense Short Circuit and Gas Leakage Using IOT”,
International Journal of Advance Research in Computer Science and
Management Studies, vol. 5, no. 7, ( July 2017), 1–6.
[7] https://www.iotone.com/usecase/indoor-air-quality-monitoring-iaq/u19
[8] http://www.larsondavis.com/applications/environmentalnoisemonitoring/
industrialnoise
[9] N. Susila Dr., Sruthi Anand, Dr. Granty Regina Elwin J. Dr.
Tsujatha, “Technology Enabled Smart Waste Collection and
Management System Using IoT”, International Journal of Pure and
Applied Mathematics, vol. 119, no. 12 (2018), 1283–1295.
[10] https://www.peerbits.com/blog/warehouse-smart-inventory-
management-solution.html
[11] https://www.ns-healthcare.com/analysis/iot-in-healthcare/
[12] https://www.pharma-iq.com/manufacturing/articles/the-role-of-iot-
in-pharma-manufacturing-and-distribution
[13] https://www.iottechtrends.com/how-smart-pills-change-healthcare/
[14] https://www.businessinsider.in/science/latest-trends-in-medical-
monitoring-devices-and-wearable-health-technology/articleshow/702
95772.cms
[15] http://iotlineup.com/device/sync_smartband
[16] https://www.sdglobaltech.com/blog/10-brilliant-examples-of-wearables-
in-healthcare
[17] https://www.finoit.com/blog/the-role-of-iot-in-healthcare-space/
[18] https://www.wirelesswatchdogs.com/blog/iot-applications-in-healthcare
4
A PANORAMIC VIEW OF CYBER
ATTACK DETECTION AND
PREVENTION USING MACHINE
LEARNING AND DEEP LEARNING
APPROACHES
ESTHER DANIEL1, N. SUSILA2,
AND S. DURGA1
1
Assistant Professor, Department of
Computer Science and Engineering,
Karunya Institute of Technology and
Sciences, Coimbatore, India
2
Professor, Department of
Information Technology, Sri Krishna
College of Engineering and
Technology, Coimbatore, India
Contents
Introduction 78
State of the Art Techniques 80
Android-Based Malware Detection 80
Ransomware Malware Detection 83
Windows-Based Malware Detection 88
Linux-Based Malware Detection 91
Malware Detection Tools Used 92
Conclusion 94
References 95
DOI: 10.1201/9781003119838-4 77
78 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Introduction
files to smali codes; (2) API call extractors are used to extract the API
calls from the smali codes; (3) API call block generators are used to
extract the API calls and the smali codes are used to generate the
blocks; (4) Deep Belief Network classifier is used as malware de-
tection for API call blocks; and (5) Malware detector performs the
above four components process.
The three levels of penetration technique for installation, activa-
tion, and running of malware on the android system are as follows:
(1) repackaging is the type used to install the malicious thing on the
android platform [14]. (2) Update is difficult to detect but downloads
the malicious activity at runtime. (3) Downloading is a traditional
attack technique that is needed by the users who download apps very
keenly. The application features, API calls, and permissions are used
in the framework to detect. The first step is an app analyzer that
decompresses the apk files of an app and extracts the class files and
AndroidManifest.xml. The second step is characterizing the app
based on its permissions and API calls. The third step is used for
feature extraction based on the Android Manifest and API calls from
the class files. By using a support vector machine, decision trees, and
bagging predictor’s classifiers the Apps can easily be classified as
benign or malware.
There exist different types of attacks on the android system [15].
The first step uses the static and dynamic analysis with code to insert
the malware application in apps. The second step uses the mod-
ification of the system to access the changes occurring on the system.
The third step involves virtualization to separate the domains of an
application to install the multiple instances of the android system on
the same device.
division, The API calls are produced from the.exe document and a
vector recurrence is utilized to change API calls into vectors and the
PCA is executed to choose the most required highlights and is sent
into the neural network for preparation. At that point, a classifier is
utilized to group malware. This is a component half and half malware
variation model. It can include more static elements. This metho-
dology achieves an exact pace of 95%.
Lu et al.’s model [33] utilizes the malware dataset and is imported
in the cuckoo sandbox. They arranged an API call sequence utilizing
a bidirectional LSTM model. Programming interface call affiliation
and recurrence are examined utilizing the AMHARA algorithm. At
that point, RF and LSTM are joined and anticipated, which give a
superior outcome. ML and DL are both consolidated in this model.
Only a little dataset is utilized to prepare the model. The exactness
gave in this joined model is 96.7%.
Suyeon Yoo et al., proposed a half and half model under the mix of
Random Forest and Deep Learning (MLP) utilizing 12 hidden
layers to distinguish whether the document is malware or kind [34].
The discovery depends on casting a ballot on the output gave by these
two models. It has high TP and low FP, which are significant in
Malware Detection. The accuracy in this model is just 85.1% which
can be improved. It provides a TP pace of 85.7% and FP pace of
16.1% with a presentation of 60.9s per record.
A MalDy structure [35] is built which initially collects the behavioral
report from sand-boxing and creation runtime and convert those report
into a BoW utilizing NLP. At that point, they utilize different AI
models to classify. Right off the bat, there is a dangerous location model
and n number of models for n no. of malware family order. This
structure is versatile in any environment. The model is reliant on the
execution condition report system. MalDy accomplishes over 94.1% of
F-score in android and accomplishes a precision pace of 94% on Win32.
Built-up a lot of regression models to separate the connections
between the highlights of cutting edge malware known as Stuxnet
and afterward ML calculations are utilized to foresee malware de-
pendent on those features. This model can anticipate progressed
malware as same as Stuxnet. Just features related to Stuxnet are
utilized for expectation. At the point when utilized RF the outcome
has R2 = 0.8203 for Stuxnet malware [36].
A VIEW OF CYBER ATTACK DETECTION 91
classification for multiple data sets, the main concept of this is the odd
ratio and elimination of sparse features (ESF).
Machine learning systems are based on one-sided perceptron and
a kernelized one-sided perceptron for the datasets to clean the data
and the malware files [39] Gavrilut et al. framework takes three
datasets: training dataset, testing dataset, and scale up dataset.
Cross-validation is done to choose the correct values from the
parameters. The parameters of this paper are feature selection
measures and cross-validation with the cascade one-sided perceptron
algorithm.
To produce security and privacy for mobile users, the parallel
machine learning technique is used because it uses multiple algo-
rithms in a single unit. Supervised algorithms like Decision Trees,
Simple Logistics, Naive Bayes, and Part, Ridor are used to detect the
malicious on the mobile platform [40]. API calls related, command
related, and permissions are used to extract the datasets.
Conclusion
This chapter discussed the malware types found in real time speci-
fically for android and Windows operating systems. The base for
malware detection starts with static and dynamic analysis. Other than
this, signature-based malware detection gives a better result. But
nowadays, zero-day malware is drastically increasing which paves the
way to machine learning and deep learning technologies. This work
also illustrated the demand for real-time dynamic identification of
malware instead of signature-based detection techniques. Various
deep learning and machine learning techniques used for the detection
of malware in android and other operating systems such as Windows
and Linux were analyzed.
The significance and methods adopted in each technique were
elaborated in-depth. Ransomware malware was studied in detail.
From the state-of-art methods, it can be concluded that the com-
bination of the algorithms, such as Random Forest, Logistic
Regression, Naïve Bayes, Scholastic Gradient Descent, K-Nearest
Neighbor, and Support Vector Machine, has yielded the highest
accuracy rate (98.65%) in identifying and detecting Ransomware.
The need for malware detection and classification has increased
now in this technology era filled with the Internet. We have dis-
cussed the various tools utilized by machine learning and deep
learning techniques for the detection and classification of various
malware.
A VIEW OF CYBER ATTACK DETECTION 95
References
[1] Gilbert, Daniel Mateu, Carles, Planes, Jordi, “The rise of machine
learning for detection and classification of malware: Research devel-
opments, trends and challenges”, Journal of Network and Computer
Applications, Vol. 153, 2020, pp. 1–22, ISSN 1084-8045.
[2] Symantec 2018 Internet Security Threat Report. Tech. rep. Symantec
Corporation, https://www.symantec.com/content/dam/symantec/
docs/reports/istr-_23-_executive-_summary-_en.pdf.
[3] Singh, A., Handa, A., Kumar, N., and Shukla, S. K., Malware
classification using image representation, in: International Symposium
on Cyber Security Cryptography and Machine Learning, Springer.
pp. 75–92, 2019.
[4] https://www.geeksforgeeks.org/malware-and-its-types
[5] https://www.techopedia.com/definition/29741/zero-day-malware
[6] Alzaylaee, Mohammed K., Yerima, Suleiman Y., Sezer, Sakir, DL-
Droid: Deep learning based android malware detection using real
devices, Computers & Security, Vol. 89, 2020, 101663, ISSN 0167-
4048, https://doi.org/10.1016/j.cose.2019.101663.
[7] McLaughlin, Niall, et al. “Deep Android malware detection,”
Proceedings of the Seventh ACM on Conference on Data and Application
Security and Privacy. 2017.
[8] Hou, S., Saas, A., Chen, L., and Y. Ye, “Deep4MalDroid: A Deep
Learning Framework for Android Malware Detection Based on
Linux Kernel System Call Graphs,” 2016 IEEE/WIC/ACM
International Conference on Web Intelligence Workshops (WIW), Omaha,
NE, 2016, pp. 104–111, doi: 10.1109/WIW.2016.040.
[9] Wang, Z, Cai, J., Cheng, S., and Li, W., “DroidDeepLearner:
Identifying Android malware using deep learning,” 2016 IEEE 37th
Sarnoff Symposium, Newark, NJ, 2016, pp. 160–165, doi: 10.1109/
SARNOF.2016.7846747.
[10] Yuan, Zhenlong, et al. “Droid-sec: Deep learning in android malware
detection,” Proceedings of the 2014 ACM conference on SIGCOMM.
2014.
[11] Karbab, E. B., Debbabi, M., Derhab, A., and Mouheb, D., “MalDozer:
Automatic framework for android malware detection using deep
learning,” Digital Investigation, vol. 24, 2018, pp. S48–S59.
[12] Zhu, D., Jin, H., Yang, Y., Wu, D., and Chen W., “DeepFlow: Deep
learning-based malware detection by mining Android application for
abnormal usage of sensitive data,” 2017 IEEE Symposium on
Computers and Communications (ISCC), 2017.
[13] Hou, S., Saas, A., Ye, Y., and Chen, L., “DroidDelver: An Android
Malware detection system using deep belief network based on API
call blocks.” Web-Age Information Management Lecture Notes in
Computer Science, 2016, vol. 9998, pp. 54–66.
[14] Peiravian, N., and Zhu, X., “Machine learning for Android malware
detection using permission and API calls,” 2013 IEEE 25th
96 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Contents
Introduction 100
Background Study 100
Different Types of Regression Algorithms in Machine
Learning 103
Simple Linear Regression 103
Significance of Linear Regression 105
Simple Linear Regression Model in Health-Related
Data Analysis 105
Polynomial Regression 106
Polynomial Regression Model in COVID-19 Growth
Pattern Analysis 108
Support Vector Machine Regression 108
Decision Tree Regression 110
Random Forest Regression 111
Case Study on Air Quality Prediction Using Machine
Learning Regression Techniques 111
Conclusions and Future Work 121
References 121
DOI: 10.1201/9781003119838-5 99
100 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Introduction
In machine learning (ML), various kinds of algorithm are used for the
prediction of results based on the provided data. The relationship that
exists among the input data and the expected output is used for fore
telling results based on the prediction. Regression algorithm is a pre
diction method that works on supervised learning techniques. These
supervised algorithms allow machines to train and learn so as to include
some kind of automation in outcomes. The predicted output is calcu
lated on the basis of continuous numerical values in regression pro
blems. Regression algorithms are categorized in linear and non-linear
algorithms. Regression algorithms are used in finance forecasting,
market trend analysis, time series prediction, and even for drug response
modeling for COVID-19 situations. Regression algorithms use con
tinuous numerical analysis on the patterns to perform the predictions of
future outcomes. Some of the popular types of regression algorithms are
simple liner regression, polynomial regression, support vector regression,
decision tree regression, and random forest regression.
Background Study
Punal Pahwa et al. [1]. The paper works on the analysis of stock
exchange marketing where the regression method is used as a strong
predictor in the ML area. The regression method provides a statistics
accuracy in the investment and stock exchange. Stock market fully
depends on the prediction of the shares in the present and future.
Hence, ML algorithm with the regression methods predicts the fu
ture stock price for the business.
Zhixia Yang et al. [2]. The paper works on multiclass classification
in ML with the ordinal regression method. Multiclass classification
works on the construction of decision tree. Support vector machines
are used as tools for the classification. The paper represents the kernel
ordinal regression for three class methods.
Ekta Ghambir et al. [3]. The paper work on the analysis and pre
diction of the spread of novel Corona virus, which helps in taking
future precaution and necessary steps. With the implementation of ML
model with polynomial regression algorithm, it was possible to predict
the spread of virus in the next 60 days in India. Regression algorithm is
REGRESSION ALGORITHMS IN MACHINE LEARNING 101
is used for prediction of air traffic delay. Gradient booster decision tree
can handle the regression model more effectively. The proposed fea
ture can be used by the public, tourist, and airline agencies to obtain
information about the delay in the flight in a very accurate manner.
AI Amin Biswas et al. [9]. Used a random forest regression
method for detection of road accidents and number of causalities.
The regression model first analyzes the dataset and then predicts the
testing dataset or the real-time dataset. It is seen that the regression
model provides a good performance.
Tessy Badriyah et al. [10]. The paper analyzes the stroke disease
classification using ML. With the help of image processing techni
ques, the images are collected as the dataset. The Random forest
algorithm uses the testing dataset and the real data for the prediction.
Random forest algorithm proved to depict the highest accuracy.
K Vijyakumar et al. [11]. The proposed system works on the early
prediction of diabetes in patients. The system is developed by the concept
of ML algorithm with the Random Forest algorithm. The regression
models are used for the classification and comparison of the dataset for
the prediction. Hence, the algorithm depicts high accuracy in the results.
Sunakshi Mamgain et al. [12]. Author have proposed a model that
works on the prediction of the popularity of cars in the market by
considering the parameters such as price, maintenance, safety,
mileage, etc. With the introduction of ML algorithm, Random
Forest algorithm, and regression technique for prediction of the
popularity of cars on the scaling 1–4.
Giorgio Biagetti et al. [13]. The paper works on the analysis of
Bernstein polynomials for nonlinear system identification. Bernstein
polynomial has a property that the co efficient is the value of
the function to be approximated at point in fixed grid. Bernstein
polynomial is particularly suitable to solve multivariate regression
problems. The results show the accuracy of the technique for the
identification of non-linear systems and provide a better performance
with respect to standard techniques.
Swapanil Sayan Saha et al. [14]. Authors are concerned about the
adulteration of fruits, vegetables, and fish with the hazards of formalin.
The study works on the detection of formalin used at a high rate to keep
the fruits, vegetables, and fish fresh for longer time, which causes health
issues. The system model incorporates polynomial regression, linear
REGRESSION ALGORITHMS IN MACHINE LEARNING 103
information factors (A) and the single yield variable (B). Here, we foresee
an objective variable (B) dependent on the information variable (A). A
straight relationship should exist between target variable and indicator,
thus comes the name linear regression. When there is a solitary info
variable (A), the strategy is known as a straightforward linear regression.
When there are different information factors, the technique is alluded as
numerous linear regressions. Consider anticipating the compensation of a
representative dependent on his/her age. We can without much of a
stretch distinguish that there is by all accounts a relationship between
representative’s age and compensation (more the age, more is the
compensation). Probably, the most mainstream utilizations of linear
regression calculation are in monetary portfolio expectation, compensa
tion gauging, land forecasts, and in rush hour gridlock in showing up at
ETAs. The speculation of linear regression is
A = x + yB
cost work on these qualities, update the coefficients, and compute the
expense work once more. This cycle is rehashed until we locate a base
estimation of cost work.
Polynomial Regression
ut + 1/2at 2,
where,
g = acceleration due to gravity
u = beginning speed
ho = initial stature
a = acceleration
Notwithstanding these models, Non-linear patterns are additionally
seen in the development pace of tissues, the advancement of infection
pandemic, dark body radiation, the movement of the pendulum, and
so forth. These models obviously demonstrate that we can’t generally
have a linear connection between the independent and dependent
attributes. Henceforth, linear regression is a helpless decision for
managing such nonlinear circumstances. This is the place where
polynomial regression acts as the hero!!
Polynomial regression is an incredible method to experience the
circumstances where a quadratic, cubic, or a more serious level nonlinear
relationship exists. The basic idea in polynomial regression is to add
forces of every autonomous independent variable as new attributes and
afterward train a linear model on this extended assortment of highlights.
In polynomial regression, we change the first highlights into
polynomial highlights of a given degree and afterward apply linear
REGRESSION ALGORITHMS IN MACHINE LEARNING 107
Y = a + b X + c X2
It is as yet a linear model; however, the curve is currently quadratic as
opposed to a line. scikit-learn gives polynomial features class to change
the highlights. Consequently, if we attempt to utilize a straightforward
linear regression in the given chart, then the linear regression line will not
fit well overall. It is extremely hard to fit a linear regression line in the
diagram given in Figure 5.2 with a low estimation of mistake. Thus, we
can attempt to utilize the polynomial regression to fit a polynomial line so
that we can accomplish a base blunder or least expense work (Figure 5.2).
On the off chance that we increment the degree to a high worth,
the curve becomes overfitted as it learns the noise and outliers in the
information also.
Advantages of Using Polynomial Regression:
• Polynomial gives the best estimation of the connection between
the dependent and independent factors.
• A broad range of functions can be fit under it.
• Polynomial fundamentally fits a wide scope of the curve.
Air quality checking and forecast have got perhaps the most funda
mental movement in numerous mechanical and metropolitan territories.
The nature of air is exceptionally influenced because of the dif
ferent types of poisons. With expanding air contamination, pro
ductive air quality observing models is to be actualized; these
models gather data about the centralization of air toxins. We
propose a general and viable way to deal with care of the three
issues: expectation, insertion, and highlight examination. These
three issues were settled already utilizing three unique models;
however, now in the proposed framework, we can tackle these
three issues in a single model called the Deep Air Learning
(DAL). This methodology is related to unlabeled spatio-fleeting
information to improve the presentation of insertion and the ex
pectation of air quality. We assess our methodology by the ex
aminations dependent on ongoing information sources acquired
by the Karnataka State Pollution Control Board (KSPCB), India.
The point of this exploration is to examine different computerized
reasoning and ML-based procedures for checking and anticipating
112 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
the air quality. Python language is used for the development of the
experimentation.
Figure 5.4 represents the air quality prediction system in a detailed
manner by representing how the data from database are captured,
validated, and processed by the prediction system till it reaches the
final step, i.e., generating the query result.
Figure 5.5 shows the representation of how python code imports
libraries. Figure 5.6 represents certain columns of parameter values
for different index variables.
Figure 5.7 represents the AQI range with various AQI
categories defined that are considered during the experimentation work.
Figure 5.8 represents data labeling. In Figure 5.9, data graphs are
plotted after the data analytics.
Figure 5.10 represents the data split for testing and training datasets.
Figure 5.11 shows the air quality analysis, its parameters, and its
range taken for the analysis.
In Figure 5.12, AQI category, pollutants, breakpoints, and health
impacts are represented after the data analysis.
REGRESSION ALGORITHMS IN MACHINE LEARNING 113
References
[1] Pahwa, K., and Agarwal, N., “Stock Market Analysis Using Supervised
Machine Learning,” 2019 International Conference on Machine
Learning, Big Data, Cloud and Parallel Computing (COMITCon),
Faridabad, India, 2019, pp. 197–200, doi: 10.1109/COMITCon.2019.
8862225.
[2] Yang, Zhixia, Deng, Naiyang, and Tian Yingjie, “A Multi-class
Classification Algorithm Based on Ordinal Regression Machine,”
International Conference on Computational Intelligence for Modelling,
Control and Automation and International Conference on Intelligent
Agents, Web Technologies and Internet Commerce (CIMCA-IAWTIC’06),
Vienna, 2005, pp. 810–815, doi: 10.1109/CIMCA.2005.1631568.
[3] Gambhir, E., Jain, R., Gupta, A., and Tomer, U., “Regression Analysis of
COVID-19 Using Machine Learning Algorithms,” 2020 International
Conference on Smart Electronics and Communication (ICOSEC),
Trichy, India, 2020, pp. 65–71, doi: 10.1109/ICOSEC49089.
2020.9215356.
[4] Rong, Shen, and Bao-wen, Zhang. “The Research of Regression
Model in Machine Learning Field,” MATEC Web of Conferences,
Vol. 176, No. 01033 (2018), https://doi.org/10.1051/matecconf/
201817601033, IFID 2018.
[5] Lee, Ki-Young, Kim, Kyu-Ho, Kang, Jeong-Jin, Choi, Sung-Jai, Im,
Yong-Soon, Lee, Young-Dae, and Lim, Yun-Sik, “Comparison and
Analysis of Linear Regression & Artificial Neural Network.”
International Journal of Applied Engineering Research, ISSN 0973-
4562 Vol. 12, No. 20 (2017), pp. 9820–9825.
[6] Kumari, Khushbu, and Yadav, Suniti, “Linear Regression Analysis
Study,” Journal of the Practice of Cardiovascular Sciences, Vol. 4, No. 1
(January–April 2018), pp. 33–36.
122 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Contents
The Internet of Things [1] was started in the early 1980s, but it was not
publicly called until 1999. The first example of an IoT is a Coca Cola
machine, based at Carnegie Mellon University. Local programmers can
link it to the refrigerator appliance through the internet and check to
see if a drink was available and if it was cold before the ride.
By 2013, IoT had developed into a device using different tech
nologies, ranging from wireless networking, embedded devices,
networks of wireless sensors, GPS, control systems, etc.
Kevin Ashton, Executive Director and Visiting Engineer, is known
as the Father of IoT, at the Massachusetts Institute of Technology
(MIT). He led the work on coding for the next decade. The Internet
of Things word was invented by Jeremy Cowan. The first IoT system
connected to a computer via TCP/IP protocol was toaster.it.
MACHINE LEARNING-BASED IIOT 125
Scope of IoT
Features of IOT
Advantages of IoT
Applications of ML
• Image recognition
• Speech recognition
• Traffic prediction
• Product recommendations
128 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
• Self-driving cars
• Email spam and malware filtering
• Virtual personal assistant
• Online fraud detection
History of IIoT
The history of the IIoT began with Dick Morley’s invention of the
programmable logic controller (PLC) in 1968, which was used by
General Motors in their automatic transmission manufacturing division.
130 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Advantages of IIoT
between the two. Though IoT is most widely used for consumer use,
IIoT is used for distribution, supply chain control, and management
applications for industrial purposes.
List of the simplest IoT companies is given below:
• Vates
• ScienceSoft (USA and Europe)
• Oxagile (New York, USA)
• Style Lab IoT Software Company (San Francisco, CA)
• HQ Software Industrial IoT Company (USA and Europe)
• PTC (Boston, MA)
• Cisco (San Jose, CA)
• ARM IoT Security Company (Cambridge, Cambs) (Figure 6.5).
before, can track, capture, evaluate, share, and provide new insights.
Both these experiences then help guide strategic decisions for busi
nesses that are smarter and quicker.
Technological changes in our daily lives are indispensable in this
current era. With the help of emerging new technologies, our lives
will become smarter and smarter, alongwith the industrial world. In
industrial technology, Industry 4.0 is the latest trend in automation
and data sharing. Cyber-physical networks, the IoT and cloud
computing, are included (Figure 6.6).
By implementing the IoT in manufacturing industries, a massive
change on the quality, quantity, and rate of work per hour will take
place. Large numbers of industrial applications are involved in the
process of implementing smart manufacturing. Some of the major
industrial use cases are discussed below:
• Smart metering
• Assets tracking
• Digital twins
• Smart agriculture
• Smart automobile manufacturing
• Smart farming
• Fleet management
• Livestock management
• Connected vehicles
134 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Assets Tracking
Tracking assets refer to the way physical assets are tracked. This can
be done either by scanning barcode labels attached to the assets or by
using tags that broadcast their location, such as GPS, RFID, or BLE.
This technique can also be used to monitor an individual or animal
(endangered species).
Assets tracking is a systematic approach that allows the company
to track and manage its assets. The best way to improve the man
agement of assets is RFID (radio frequency identification) tech
nology. RFID tags transfer data from an RFID tag to a reader using
electromagnetic fields. Listeb below are the systematic approach or
steps in an industry to set up asset tracking:
• First, determine a reliable person or team to be responsible for
the assets.
• The team would figure out the life cycle of those assets.
• Routine tracking of those assets are mandatory.
• By understanding the functions of the assets in particular opera
tions, we can implement the automated asset tracking (Figure 6.8).
Industrial Example
monitoring, for example, lift truck, which is used to carry the pro
ducts from the manufacturing unit to the warehouse.
If the truck is fixed with an RFID tag, the RFID reader, placed at
the exit of the unit, will read and send the data to cloud and software
whenever the asset moves out of the manufacturing unit. Similarly,
when the asset enters the warehouse, the reader placed at the en
trance will read the data and send to the cloud. All the collected data
in a cloud system are analyzed, which helps in improving the process.
Assets tracking helps the industry to improve the maintenance,
accuracy, accountability, and customer services, and also to lower the
administrative expenses. By implementing the assets tracking, we can
improve the planning for further growth of the industry.
Given below is the list of top sevenasset management softwares:.
1. ServiceNowITSM
2. Nifty
3. Monday.com
4. Softchoice IT Asset Management
5. NinjaRMM
6. Freshservice
7. Spiceworks IT Asset Management Software
BlackRock, with managed assets amounting to US$6.52 trillion, was
the largest asset manager globally in 2019.
Digital Twins
Industrial Example
Digital twins are boon with the product idea. Their growth will be a
continuous process in product development. Thet also predict errors
in products, serve as a virtual template during assembly, and remain
138 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
connected for the entire life cycle. They protect reputation and
prevent financial cost (Figure 6.9).
Further examples of industry applications are:
• Aircraft engines
• Wind turbines
• HVAC control systems
• Locomotives
• Buildings
• Utilities (electric, gas, water, and wastewater networks)
• Large structures, e.g., offshore platforms, offshore vessels, etc.
Smart Metering
and gas. We can get a reading from a machine, rooms, and indoor or
outdoor environments. Once we install the smart meter, the re
spective meter readings will automatically be sent to the energy
supplier, which means that we will receive accurate, not estimated,
bills. As all smart meters are certified by the Office for Product Safety
& Standards, you can be sure your smart meter is accurate. Smart
meters use a secure national communication network (called the
DCC) to automatically and wirelessly send your actual energy usage
to your supplier. Smart meters send only the reading of the meter to
your supplier; your personal details, such as name, contact, and bank
details, are neither stored nor transmitted to the internet by smart
meters. Smart meters don’t need the internet to communicate.
Instead, they work by using two wireless networks:
1. HAN (home area network)
2. WAN (wide area network)
These networks are very secure and similar to the mobile commu
nication used to send and receive data. It nearly takes 3 hours for the
installation of smart meters for both gas and electricity. If we wish to
set installation for any one, it will take nearly 60 to 90 minutes and
the gas and power must be switched off for a certain while after the
installation is complete. Smart meters are not only used for providing
accurate bills of resources, but also provide daily usage details of all
the resources with estimated cost; thus, we can reduce and be aware
of our daily usage with the help of in-home display. In-home display
or IHD is a simple electric device which has a touch screen display. It
can be paired with our smart meter and it showcases the needed real-
time usage data of our resources in the display.
Smart Farming
There are three major steps involved in the smart farming method:
1. Data collection
2. Data analytics
3. Informed action and planning
142 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Data Collection
The farmer have received all the essential actionable insights by this
stage. Based on the mentioned factors, he can make a clear plan and
decision and achieve profit and higher productivity level by taking
appropriate actions.
By following the above-mentioned steps with the help of sensors
and other IoT devices, massive revolutionary change can be achieved
in agriculture.
1. Hardware
We would like to configure the sensors for your device to create
an IoT solution for agriculture. Our choice will depend on the
data categories we want to collect and thus the purpose of our
solution. The standard of selected sensors is, in any case, crucial
to the success of the product. The accuracy of the data collected
and its reliability will depend on it.
2. The Brain
The core of each smart agriculture solution should be data
analytics. If you can’t add it up,the collected data itself will be of
MACHINE LEARNING-BASED IIOT 143
• Increased production
• Water conservation
• Real-time data and production insight
• Lowered operation costs
• Increased quality of production
• Accurate farm and field evaluation
• Improved livestock farming
• Reduced environmental footprint
Farmers in India suffer a loss of nearly ₹20,000 crore per year due to
the adverse effect of animal illness that leads to death. IoT gives
farmers a clear solution to those crises and improves better health
care in livestock management. IoT offers the farmers a low-cost and
low-bandwidth sensor-connected wearables to track the health of
cattle. The sensors in the wearables can monitor the blood pressure,
heart rate, respiratory rate, digestion, temperature, and other vitals
that alert a farmer at the first sign of illness (Figure 6.12).
MACHINE LEARNING-BASED IIOT 145
IoT can also be very useful in the reproductive cycle. Before calving,
there must be slight rise in the temperature of cow before 8 hours.
IoT can alert the farmers about the calving very before, thus in
creasing the efficiency and productivity of cattle farming. IoT can
also inform the farmer when the cow needs to breed and when it is
ready for artificial insemination etc. By having these data, a farmer
can easily avoid various losses in a herd. If the cow is in a farm during
the time of calving, IoT informs the farmer whether she started
calving and sends the location of the cow, thus protecting the new
born calf from other problems.
Location tracking of cattle in a herd gives enormous benefits to the
farmer. Even it is an important feature in health and reproductive
146 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Fine-Tuning Feeding
Maximizing Milking
IoT also gives dairy farmers a fantastic operation. Robots will literally
increase the workload of farmers by reminding farmers when the cow
needs to be milked by installing the IoT on a farm, which will lead to
increased milking sessions. It can also control any person on a farm’s
milking speed, quality and quantity of milk produced, quantity of
feed taken, and number of steps taken every day. From that data, by
deciding the required complement for each person and paying more
attention to the cow that produces high quality and quantity of milk,
farmers can improve milking. As a result, lactation frequently raises
the farm’s financial profits at the same time.
Ultimately, farmers are the one to take care of their herds, but IoT
can optimise and simplify many major processes in herd farming. IoT
MACHINE LEARNING-BASED IIOT 147
Connected Vehicles
with the current location. This helps the driver to get quick
emergency help from nearby hospital or health center, thereby in
creasing the chance of life of road users. If any accident or repair
takes place to the vehicle on the lane of driving, the vehicle sends
the appropriate information to other vehicles riding on the same
lane before it comes closer. Thus it helps other vehicles to change
other lane of the road.
Connected vehicles also communicate with signals on the junction
and make appropriate actions with time. If a physically challenged
person wants to cross the road, the information will be sent to the
vehicle crossing the road so that it can be stopped and the person can
cross the crossing. The same information is also transferred to all
vehicles moving behind the first one thus avoiding the unwanted
accident and traffic. Connected vehicles will improve the standard of
driving and the safety factor from all sides. They contribute more to
the goodness of the society.
Conclusion
we compare with benefits, it looks like a piece of dust in the sky. IoT
and IIoT are never going to end simply; they are emerging as new and
upgrading every day by new technologies with the help of various types
of sensors, tracking devices, RFID tags, computing software, etc.
So make a bond with IoT and make everything you want within
finger tips. IoT is never be a period, it will always remain as a comma.
References
[1] Ismail, Yasser, “Introductory Chapter: Internet of Things (IoT)
Importance and Its Applications,” in Yasser Ismail (ed.), Internet of
Things (IoT) for Automated and Smart Applications. IntechOpen.com,
November 27, 2019, doi: 10.5772/intechopen.90022.
[2] Tracy, Phillip, “The Top 5 Industrial IoT Use Cases,” 5 minute read,
IBM.com, April 19, 2017, https://www.ibm.com/blogs/internet-of-
things/top-5-industrial-iot-use-cases
[3] DdGubbia, J., Buyyab, R., Marusic, S., and Palaniswami, M., “Internet
of Things (IoT): A vision, architectural elements, and future directions,”
Future Generation Computer Systems, vol. 29, September 2013.
[4] EeFlexeye, “Lord of the Things: Why Identity, Visibility and
Intelligence are the Key to Unlocking the Value of IoT,” 2014, https://
coe.flexeyetech.com/.
[5] Xu, L., He, W., and Li, S., “Internet of Things in Industries: A
Survey,” IEEE Transactions on Industrial Informatics, vol. 10, no. 4,
November 2014, pp. 2233–2243.
[6] IEEE Internet of Things Journal, http://standards.ieee.org/innovate/iot/
[7] Gilchrist, Alasdair, Professional and Applied Computing, eBook Packages,
Berkeley, CA: Apress, 2016, https://doi.org/10.1007/978-1-4842-2047-4.
[8] Elangovan, Uthayan, Smart Automation to Smart Manufacturing: Industrial
Internet of Things, Manufacturing and Processes Collection, New York:
Momentum Press, 2019, ISBN:1949449262,9781949449266.
7
EMPLOYEE TURNOVER
PREDICTION USING SINGLE
VOTING MODEL
R. VALARMATHI1, M. UMADEVI2,
AND T. SHEELA3
1
Department of Computer Science
and Engineering, Sri Sairam
Engineering College, Chennai
2
Department of Computer Science
and Engineering, SRM Institute of
Science and Technology, Chennai
3
Department of Information
Technology, Sri Sairam Engineering
College, Chennai
Contents
Introduction 154
Role of Supervisors 154
Role of HR Department 154
Related Work 155
System Implementation 156
Data Preprocessing 157
Materials and Methods Used 157
Logistic Regression 157
Naive Bayes Classification 161
Voting Classifier 163
Results and Discussions 164
Conclusion 173
References 173
Introduction
Role of Supervisors
Role of HR Department
Related Work
The proposed work chooses the top 10 features using CART ana
lysis. The imbalanced dataset is split into 60% and 40%, thereby
reducing the bias and improving the sensitivity and specificity of the
ensemble model built [1]. The authors have addressed the employee
turnover issue with six different machine learning (ML) algorithms,
namely, SVM (RBF Kernel), XGBoost, logistic regression, Naive
Bayesian, Random Forest with Depth controlled, and LDA and
KNN. As predicted, the algorithms perform with different measures,
such as AUC, running time, and memory utilization. The experi
mental results shows that XGBoost outperforms all other algorithms
in terms of accuracy and memory utilization. Logistic regression took
a minimum of 52 seconds to run the prediction algorithm [2]. The
author demonstrated the prediction of employee turnover by ana
lyzing varying size (small, medium, and large) and complexity of the
human resource datasets with 10 different supervised classifiers. The
author has provided guidelines for using the statistical methods and
recommended gradient boosting for analyzing large datasets, as it
takes less time for data preprocessing and ranks the features auto
matically and reliably [3]. Employee attrition dataset created by IBM
Watson predicts the employee turnover [4].
The researchers proposed a weighted quadratic random forest
method. The author followed a two-step process. In the first step, the
dimensions are reduced and important features are selected. In the
second step, F-measure is applied on the selected features for each
decision tree. Two most important features that influence employee
turnover identified by the author are monthly income and overtime
[5]. The algorithm lacks in ranking the best features [6–9] in these
studies. The researchers studied the impact of pay satisfaction and
school achievement on principals and found a negative correlation
with principal turnover [10].
The authors investigated the hospital nurse turnover and found job
satisfaction, age, and stress to be the major factors that influence the
156 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
System Implementation
Logistic
Regression
Data Employee
Employee Voting
Preprocessing turnover
Dataset Classifie
prediction
Naïve Bayes
Data Preprocessing
e + (X)
P= + (X)
(7.3)
1+e
EMPLOYEE TURNOVER PREDICTION 159
Bayes Theorem
It is a theorem for calculating conditional probability of an event.
Consider events A and B. Probability of an event A to occur is P(A)
and probability of an event B to occur is P(B). Bayes theorem shows
the relationship between the probability of an event A before oc
curring in the event B. Probability of an event A after getting the
event B, P(A/B), is as follows:
B
A P ( A ). P (A )
P = , (7.12)
B P (B )
Dataset
The dataset used for the classification consists of:
• Set of independent variables called input features
• Dependent/output variable
Each attributes in the input features are mutually independent. There
is always a strong independence among the features in the feature
matrix. Hence, it is called Naive. Also each attributes in the input
features have an equal contribution in predicting the output class.
Areas of Applications
Hard Voting In hard voting, the final predicted class label will be
the label predicted by most of the classifiers. For example, assume
there are three different classifiers and two different classes, Dog and
Cat. If Dog is predicted by two classifiers and Cat is predicted by one
classifier, final prediction Dog will be chosen.
164 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Soft Voting In soft voting, the final predicted class label will be the
probabilities of all the classifiers chosen for the problem. For ex
ample, take three classifiers M1, M2 and M3 and two classes Dog
and Cat. Assume
M1 >{0.4, 0.7}
M2 >{0.2, 0.8}
M3 >{0.7, 0.3}
Probability of Class Dog = 0.33 0.4 + 0.33 0.2 + 0.33 0.7
= 0.429
Probability of Class Cat = 0.33 0.7 + 0.33 0.8 + 0.33 0.3
= 0.594
All the three models are executed in Python 3.0 and scikit-learn
Libraries.
In [1]:
import numpy as np
import pandas as pd
emp_data=pd.read_csv(r‘D:\Research\Employee attrition\hr_data.csv’)
In [2]:
emp_data.head()
Out [2]:
EMPLOYEE_ NUMBER_ AVERAGE_ TIME_SPEND_ WORK_ LEFT PROMOTION_ DEPARTMENT SALARY
ID PROJECT MONTLY_ COMPANY ACCIDENT LAST_
HOURS 5YEARS
0 1003 2 157 3 0 1 0 sales low
1 1005 5 262 6 0 1 0 sales medium
(Continued)
EMPLOYEE TURNOVER PREDICTION 165
In [3]:
emp_data.shape
Out [3]:
(14999, 9)
In [4]:
emp_data.size
Out [4]:
134991
In [5]:
sat_data=pd.read_excel(r‘D:\Research\Employee attrition\
employee_satisfaction_evaluation.xlsx’)
In [6]:
sat_data.head()
Out [6]:
EMPLOYEE # SATISFACTION_LEVEL LAST_EVALUATION
0 1003 0.38 0.53
1 1005 0.80 0.86
2 1486 0.11 0.88
3 1038 0.72 0.87
4 1057 0.37 0.52
In [7]:
empatt_data= emp_data.set_index(‘employee_id’).join(sat_data.set_index(‘EMPLOYEE #’))
166 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
In [8]:
empatt_data.describe()
Out [8]:
EMPLOYEE_ID NUMBER_ AVERAGE_ TIME_SPEND_ WORK_ LEFT PROMOTION_ SATISFACTION_ LAST_
PROJECT MONTLY_ COMPANY ACCIDENT LAST_5YEARS LEVEL EVALUATION
HOURS
count 14999.0000 14,999.000 14,999.0000 14999.0000 14999.0000 14999.0000 14999.0000 14972.0000 14972.0000
mean 45424.6275 3.803054 201.050337 3.498233 0.144610 0.238083 0.021268 0.612830 0.716125
std 25915.9001 1.232592 49.943099 1.460136 0.351719 0.425924 0.144281 0.248714 0.171138
min 1003.00000 2.000000 96.000000 2.000000 0.000000 0.000000 0.000000 0.090000 0.360000
25% 22872.5000 3.000000 156.000000 3.000000 0.000000 0.000000 0.000000 0.440000 0.560000
50% 45448.00 4.000000 200.000000 3.000000 0.000000 0.000000 0.000000 0.640000 0.720000
75% 67480.500000 5.000000 245.000000 4.000000 0.000000 0.000000 0.000000 0.820000 0.870000
max 99815.000000 7.000000 310.000000 10.000000 1.000000 1.000000 1.000000 1.000000 1.000000
In [9]:
from sklearn.preprocessing import LabelEncoder
lab=LabelEncoder()
n=lab.fit_transform(empatt_data[‘salary’])
In [10]:
empatt_data[‘salary_num’]=n
empatt_data.drop([‘salary’],axis=1,inplace=True)
z=lab.fit_transform(empatt_data[‘department’])
empatt_data.drop([‘department’],axis=1,inplace=True)
X=empatt_data.drop([‘left’],axis=1)
In [11]:
X.head()
Out [11]:
NUMBER_ AVERAGE_ TIME_ WORK_ PROMOTION_ SATISFACTION_ LAST_ SALARY_NUM
PROJECT MONTLY_ SPEND_ ACCIDENT LAST_ LEVEL EVALUATION
HOURS COMPANY 5YEARS
0 2 157 3 0 0 0.38 0.53 1
1 5 262 6 0 0 0.80 0.86 2
2 7 272 4 0 0 0.11 0.88 2
3 5 223 5 0 0 0.72 0.87 1
4 2 159 3 0 0 0.37 0.52 1
In [12]:
y=empatt_data[‘left’]
EMPLOYEE TURNOVER PREDICTION 167
In [13]:
y.head()
Out [13]:
01
11
21
31
41
In [14]:
#import the libraries
import matplotlib.pyplot as plt
%matplotlib inline
import seaborn as sns
from sklearn.preprocessing import StandardScaler
# Split data into Training and Testing Dataset
from sklearn.model_selection import train_test_split
# Data modeling
from sklearn.metrics import confusion_matrix,accuracy_score,roc_curve,classification_report
from sklearn.metrics import roc_auc_score
from sklearn.linear_model import LogisticRegression
from sklearn.naive_bayes import GaussianNB
In [15]:
from sklearn.model_selection import train_test_split
X_train_data, X_test_data ,y_train_data ,y_test_data =train_test_split (X, y, test_size=0.10,
random_state=0)
In [16]:
#Model 1-Logistic Regression
from sklearn.model_selection import GridSearchCV
from sklearn.linear_model import LogisticRegression
log_reg = LogisticRegression()
params = {‘C’: [1e-4, 1e-3, 1e-2, 1e-1, 0.5, 1., 5., 10., 15., 20., 25.]}
#Grid Searchwith 10-fold cross validation
log_model1 = GridSearchCV( log_reg , param_grid=params,cv=10, n_jobs=-1)
log_model1.fit(X_test_data, y_test_data)
#The Best Hyper parameters of Logistic Regression
print(“Best Hyper Parameters:\n”, log_model1.best_params_)
#Prediction
lr_predict= log_model1.predict(X_test_data)
#import metrics
from sklearn import metrics
#Accuracy
lr_acc_score = accuracy_score(y_test_data, lr_predict)
print(“Accuracy:”,metrics.accuracy_score(lr_predict, y_test_data))
#Confusion Matrix
print(“Confusion Matrix:\n”,metrics.confusion_matrix (lr_predict, y_test_data))
#Classification Report
print(classification_report (y_test_data,lr_predict))
#ROC Score
print(“ROC_AUC_SCORE”)
roc_auc_score(y_test,lr_predict*100)
Output:
Best Hyper Parameters:
{‘C’: 25.0}
Accuracy: 0.77
Confusion Matrix:
[[1052 256]
[ 89 103]]
precision recall f1-score support
0 0.80 0.92 0.86 1141
1 0.54 0.29 0.37 359
accuracy 0.77 1500
macro avg 0.67 0.60 0.62 1500
weighted avg 0.74 0.77 0.74 1500
ROC_AUC_SCORE
Out[16]:
0.6044531625730252
In [17]:
#Model 2-Naive Bayes Classifier
from sklearn.naive_bayes import GaussianNB
nb_c = GaussianNB()
nb_params = { ‘var_smoothing’:np.logspace(0,1,num=100)}
#Grid Search with 10-fold cross validation
nbmodel = GridSearchCV(nb_c, param_grid=nb_params,cv=10, n_jobs=-1)
#Learning
nbmodel.fit(X_test_data ,y_test_data)
#The Best Hyper parameters are
print(“Best Hyper Parameters:\n”,nbmodel.best_params_)
#Prediction
nbpred=nbmodel.predict(X_test_data)
#Accuracy
nb_acc_score = accuracy_score(y_test_data, nbpred)
print(“Accuracy:”,metrics.accuracy_score(nbpred, y_test_data))
#Confusion Matrix
print(“Confusion Matrix:\n”,metrics.confusion_matrix (nbpred, y_test_data))
#Classification Report
print(classification_report(y_test_data, nbpred))
#ROC Score
print(“ROC_AUC_SCORE”)
roc_auc_score(y_test_data, nbpred*100)
Output:
Best Hyper Parameters:
{‘var_smoothing’: 1.0}
Accuracy: 0.7606666666666667
Confusion Matrix:
[[1141 359]
[0 0]]
precision recall f1-score support
0 0.76 1.00 0.86 1141
1 0.00 0.00 0.00 359
accuracy 0.76 1500
macro avg 0.38 0.50 0.43 1500
weighted avg 0.58 0.76 0.66 1500
ROC_AUC_SCORE
Out[17]:
0.5
In [18]:
#Model 3-Voting Classifier
from sklearn.ensemble import VotingClassifier
mod1 = LogisticRegression()
mod2 = GaussianNB()
vc = VotingClassifier(estimators=[(‘lr’,mod1),
(‘nb’,mod2)],
voting=‘soft’,n_jobs=-1)
params = {‘weights’:[[1,2],[1,2]]}
grid_vc = GridSearchCV(param_grid = params,cv=10, estimator=vc)
grid_vc.fit(X_test_data ,y_test_data)
print(grid_vc.best_params_)
grid_predict=grid_vc.predict(X_test_data)
#Accuracy
grid_acc_score = accuracy_score (y_test_data, grid_predict)
print(“Accuracy:”,metrics.accuracy_score(grid_predict, y_test_data))
#Confusion Matrix
print(“Confusion Matrix:\n”,metrics.confusion_matrix(grid_predict,y_test_data))
#Classification Report
print(classification_report(y_test_data,grid_predict))
#ROC Score
print(“ROC_AUC_SCORE”)
roc_auc_score(y_test_data, grid_predict*100)
Output:
{‘weights’: [1,2]}
Accuracy: 0.848
Confusion Matrix:
[[1021 108]
[120 251]]
precision recall f1-score support
0 0.90 0.89 0.90 1141
1 0.68 0.70 0.69 359
accuracy 0.85 1500
macro avg 0.79 0.80 0.79 1500
weighted avg 0.85 0.85 0.85 1500
ROC_AUC_SCORE
Out[18]:
0.7969967213434924
EMPLOYEE TURNOVER PREDICTION 171
In [19]:
#Reciever Operating Characterstic Curve
log_reg_fpr,log_reg_tpr, log_reg_threshold = roc_curve(y_test_data,lr_predict)
nb_c_fpr, nb_c_tpr, nb_c_threshold = roc_curve(y_test_data, nbpred)
rf_fpr,rf_tpr,rf_threshold = roc_curve(y_test_data, grid_predict)
sns.set_style(‘whitegrid’)
plt.figure(figsize=(8,5))
plt.title(‘Reciever Operating Characterstic Curve’)
plt.plot(log_reg_fpr,log_reg_tpr,label=‘Logistic Regression’)
plt.plot(nb_c_fpr,nb_c_tpr,label=‘Naive Bayes’)
plt.plot(rf_fpr,rf_tpr,label=‘VC’)
plt.plot([0,1],ls=‘--’)
plt.plot([0,0],[1,0],c=‘.5’)
plt.plot([1,1],c=‘.5’)
plt.ylabel(‘True positive rate’)
plt.xlabel(‘False positive rate’)
plt.legend()
plt.show()
Figure 7.2 shows the ROC-AUC curve obtained for the three
models.
In [20]:
model_ev = pd.DataFrame({‘Model’: [‘Logistic Regression’,‘NaiveBayes’,‘VC’], ‘Accuracy’:
[lr_acc_score*100,
nb_acc_score*100,grid_acc_score*100]})
model_ev
Out [20]:
MODEL ACCURACY
0 Logistic Regression 77.000000
1 Naive Bayes 76.066667
2 VC 84.800000
In [21]:
model_gr = pd.DataFrame({‘Model’: [‘LR’,‘NB’,‘VC’], ‘Accuracy’: [lr_acc_score*100,
nb_acc_score*100,grid_acc_score*100]})
colors = [‘blue’,‘red’,‘green’]
plt.figure(figsize=(5,5))
plt.title(“ Accuracy of three models using Voting Model”)
plt.xlabel(“Algorithms”)
plt.ylabel(“Accuracy”)
plt.bar(model_gr[‘Model’],model_gr[‘Accuracy’],color = colors)
plt.show()
Conclusion
References
[1] S. Karande, and L. Shyamala, “Prediction of employee turnover
using ensemble learning.” In Y. C. Hu, S. Tiwari, K. Mishra, and M.
Trivedi (eds), Ambient Communications and Computer Systems.
Advances in Intelligent Systems and Computing, vol. 904. Singapore:
Springer, 2019.
[2] P. Ajit, and R. Punnoose, “Prediction of employee turnover in or
ganizations using machine learning algorithms.” Algorithms, vol. 4,
no. 5, p. C5, 2016.
[3] K. Arai et al. (Eds.), “Employee turnover prediction with machine
learning: A reliable approach.” IntelliSys 2018, AISC 869,
pp. 737–758, 2019. Springer Nature Switzerland AG 2019.
[4] McKinley Stacker IV, IBM Watson analytics. Sample data: HR
employee attrition and performance [Data file]. Retrieved from
https://www.ibm.com/communities/analytics/watson-analytics-blog/
hr-employee-attrition/ (2015)
[5] Xiang Gao, Junhao Wen, and Cheng Zhang, “An Improved Random
Forest Algorithm for Predicting Employee Turnover.” Mathematical
Problems in Engineering, vol. 2019, Article ID 4140707, 12 pages,
2019, doi: 10.1155/2019/4140707.
[6] T. H. Feeley, J. Hwang, and G. A. Barnett, “Predicting employee
turnover from friendship networks.” Journal of Applied Communication
Research, vol. 36, no. 1, pp. 56–73, 2008.
174 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Contents
Introduction 175
Related Work 178
Background of Sentiment Analysis 180
Proposed Methodology 182
Speech to Text Model 182
Implementation of Sentiment Analysis 183
Architecture of Sentiment Analysis 183
Results 186
Future Proposals of Speech-to-Text Sentiment Analysis 188
Conclusion and Future Directions 189
References 190
Introduction
Essentially data scientists can make use of these tools to analyze the
sentiment of large networks.
Communication is the essential component to progress on cor
porate level and personal level. There are numerous ways of com
munication, such as speech, hand signals, text, etc., among which
speech is deemed the most significant medium for human interac
tion. The world is moving to digital era and has influenced the
communication techniques too. Speech recognition systems, such as
Amazon’s Alexa, Apple’s Siri, Google assistant, and many more, are
ubiquitous. There may be variations in the semantics, but the central
idea remains the same. The progressive advancements in technology
made all these advents possible. When phone calls, messages, SMS,
etc., became an integral part of human life with the invention of
mobile phones, the innovation in SMS technology via speech re
cognition brought a tremendous change, by which voice messages are
reborn as text messages. The translations such as text-to-speech
(TTS) and speech-to-text (STT) have made user interaction with
devices possible, assisting disabled people and encouraging users to
carry out more compelling local and remote services.
STT has continued to get better as the world is rapidly advancing
with technological innovations. As compared with many existing
technologies, speech recognition was left to the imagination of the
science fiction community. The speech recognition is deeply rooted
in a research carried out by Bell Labs’ researchers back in 1952; it was
designed to recognize only numbers [1]. This system was discovered
by Alexander Graham Bell through a process that converts sound
waves into electrical impulses and is one of the novel innovations
until date [2]. Since then, speech recognition has been continuing to
grow and spread its reach. By 2011, easier, real-time, and faster way
of communication with Apple devices was possible by the launch of
Siri and to date, Amazon’s Alexa and Google’s Home are the most
preferred voice-based virtual assistants used by the people across the
globe. It has transformed the way the companies run their businesses.
But, companies lack in finding a reliable means of computing the
human quality of spoken conversations with their customers to help
employees with the way they handle inventory. During inventory
management, certain words are most likely being re-used repeatedly.
These data can hold valuable information because language is very
A IMPLEMENTATION OF SENTIMENT ANALYSIS 177
important depending on how you use it. Words carry meaning and
we can distinguish how someone may be feeling depending on what
words they are using.
The speech converted to text finds further more purposes such as
SA. SA is a combination of methods, techniques, and tools to re
cognize and group opinions using NLP to decide whether the
speaker’s attitude toward a specific topic/product is positive, negative,
or neutral [3]. It is very helpful in comprehending the mood of
humans in many cases. In a long conversation, people render their
opinions about the topic, products, social issues, movies, etc. The
identification of the sentiment of the speaker can enhance the re
trieval of the content to improve the usefulness and collecting the
combined sentiment of a group of people on alike topic can help in
setting up the general sentiment. Sentiment detection using text is an
evolved research area and can tremendously influence the inventory
by giving emphasis on the product reviews. Based on the emotional
prosody studies, the tones of every human’s voice can be dis
tinguished by its intensity, pitch, loudness, speech rate, pauses,
timbre, and many such parameters and whose deviations reveal dif
ferent information from the speaker to the listener.
There are wide varieties of SA applications for social goods, such
as fighting for the pandemic, preparing people for future work,
promoting inclusivity, and protecting the environment. In this work,
we approached SA for social goods in a different way such that one
can utilize our analytic results in assistive technologies for students
with learning difficulties, and person with disabled arms. We use
STT tools to describe the efficiency of how our data science algo
rithm outperforms with our real-time application domain, inventory
management systems. Further, this SA algorithm can be im
plemented effectively in assistive devices.
The proposed work implements STT conversion with SA to
detect the condition of machine/module in an industry for ma
chinery maintenance. Consider a case in which many laborers work
in an industry where different mechanical parts are fabricated and
there is a need to guarantee that every module is in working con
dition and in stock. To incorporate an efficient method for finding
the working condition of the module, STT technique can be em
ployed in place. By having an STT application, the details about the
178 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Related Work
The vast literature shows that there is a lot of interest shown by the
researchers on SA. SA identifies the sentiment conveyed in a text and
upon analysis finds out whether the text expresses positive, negative,
or neutral sentiment. Kralj Novak et al. [4] conducted a Twitter
message SA based on emoji use. All messages were labeled with
either a positive, neutral, or negative label. If emojis would occur
several times, all occurrences were counted. They found that the use
of popular emojis could be used to classify a twitter message on
sentiment. A comparison was also made for twitter messages in
different languages and in all languages, there were emojis that can be
used to classify a message as positive, neutral, or negative.
Besides STT, an algorithm could be trained to recognize unique
voices and unique words. As Saurav Bhandari et al. [5] proposed, a
speech detection system could be used for unlocking and starting
cars. The algorithm would recognize the specific voice of the user and
recognize the designated word (or sentence) for unlocking and
starting the car. The idea was to increase the security and safety
against theft. To enhance safety, the proposed system could be
A IMPLEMENTATION OF SENTIMENT ANALYSIS 179
speech that you would think of on the spot and just start yapping away.
This feature is good at detecting when the user is stringing different
words together and when he/she is not.
Depending on the place we grew up, everyone’s speech dialect is
different. Sometimes, for humans it can be challenging to understand
each other. This becomes more challenging for the speech software to
decode. Humans have such distinct voices and dialects that make it
harder for the software to understand what is being said. It is due to
these differences that there are two types of speaker models. (1) There
are speaker independent models, which are built for the masses, so that
they are able to understand a large array of speakers effectively. But is
hard to implement and is costly, and it renders reduced accuracy in
comparison with speaker-dependent systems. One of the factors for its
wide usage is its flexibility. (2) Speaker-dependent systems are the
opposite of the independent systems and are built specifically for one
target individual. These systems lack flexibility but are preferred as they
provide easy development and more accuracy, and are cheaper. For
single speaker model, it exhibits high accuracy, while for multi-speaker
model, the speaker-dependent system produces less accuracy [24].
When it comes to opinion, people usually have a stance on whether
they agree or support something, or whether they disagree and are
against something. It seems like the more the opinion is supported, the
stronger the support/hate is. With SA,it tries to differentiate between
the two and put them into a positive review or negative review. This
can be done in two different ways: direct or comparison opinions.
With direct opinion, we get the view of the product as positive or
negative directly. For example, “Life style of people at rural area is
poor” expresses a direct opinion. Meanwhile, for comparison, we
compare the subject with other objects of similar class. For example,
“The life style of people in village-A is better than that of people in
village-B” expresses a comparison.
In Mostafa et al.’s research [9], authors presented the sentence in
each document labeled with only subjective part and discarded ob
jective part. After that, they applied the classical ML algorithms on
subjective parts, which is time consuming at the sentence level and
not an easy job to test them. To perform STT on SA, we have used
the following methods: – logistic regression and comparison are
made to find the efficiency of the proposed algorithm.
182 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Proposed Methodology
Speech to Text Model
biases and has an error rate. Overtime data collected can be used to
improve the SA algorithm. The SA algorithm can also be improved
to a more robust algorithm with a higher accuracy rate. Other data
mining features can be added in the future.
Dataset: https://www.kaggle.com/c/tensorflow-speech-recognition-challenge
Methods: The software used is Python. Specifically, the libraries libROSA and SciPyis are used
to process the audio signals.
Positive
Conclusive
Processing of Raw Sentiment
Opinion
Online User Data Model
Database
Negative
Summarization of Reviews
Results
All values higher than C = 1.5 do not add to more accuracy. The
value of C = 1.5 is used to train the algorithm. After training
the algorithm, it was tested and evaluated based on the accuracy. The
accuracy of the algorithm is shown in Figure 8.7. The accuracy of
the proposed model is found to be 81% and can be considered as
sufficient for practical use.
Upon training and testing, the logistic regression algorithm is
integrated with the STT translation algorithm. This algorithm uses
the STT function in Python and uses the user’s microphone as input.
The output is both written to a .txt file and put through the SA. The
.txt output can be used to fill in the mechanics’ work order and the
SA can be sent to the engineering department. Other uses may be
applicable too. To make the STT algorithm even more accessible, it
[‘part is looking good’, ‘no problems here’, ‘doors function very well’]
was supplied with a button to record the user’s microphone for a set
amount of time. Using the slider, the amount of time can be adjusted.
In the figure, the slider was set to 40 seconds.
The STT algorithm was used to record multiple sentences and the
output was put through the SA. In Figure 8.8, a few example lines
are shown.
The algorithm classified all lines as positive as it should. A mes
sage gets classified as positive by a “1” and negative by a “‘0.” Multiple
tests were conducted and the algorithm seems to classify the mi
crophone most of the time correctly.
In our initial experimentation and testing, we were very successful
in running the STT algorithm. The STT itself is powered by the
Google STT API. The API is very powerful and accurate in taking
the speech input and giving a rapid output of text. By combining the
STT with our trained SA, we were able to get an accuracy rate of
81%. The output of the SA will help provide mechanics the most
critical situations to work on.
Other than the maintenance, there are more applications for the
STT SA software. When you pay at a restaurant by card, the card
reader could perhaps ask your opinion and record it. The file is sent
to a computer, which runs the speech file through the software and
puts both the text and the SA in a database. Some people might feel
embarrassed to give their honest opinion when the waitress is
standing beside them. The waitress leaving the card reader on the
table and coming back after the customer has paid could fix this.
The same could be applied when rating an app or an Uber driver. The
rating with stars or numbers should not necessarily have to be operated
by speech. However, when there is a comment box, this could be re
placed by speech. The sentiment of the message can be used to rate the
app or the Uber driver as an addition to the rating by stars or numbers.
References
[1] Kikel, Chris. (2019). “A Brief History of Voice Recognition Technology,”
Total Voice Technologies. https://www.totalvoicetech.com/a-brief-
history-of-voice-recognition-technology/.
[2] Ghai, Wiqas, and Singh, Navdeep. (2012). “Literature Review on
Automatic Speech Recognition,” International Journal of Computer
Applications, vol. 41, no. 8, pp. 42–50. https://doi.org/10.5120/5565-
7646.
[3] Mäntylä, Mika V., Graziotin, Daniel, and Kuutila, Miikka. (2018).
“The Evolution of Sentiment Analysis – A Review of Research Topics,
Venues, and Top Cited Papers,” Computer Science Review, vol. 27,
pp. 16–32. https://doi.org/https://doi.org/10.1016/j.cosrev.2017.10.002.
[4] Kralj, Novak P., Smailović, J., Sluban, B., and Mozetič I. (2015).
“Sentiment of Emojis,” PLoS ONE, vol. 10, no. 12, e0144296. doi:
10.1371/journal.pone.0144296. https://journals.plos.org/plosone/
article?id=10.1371/journal.pone.0144296.
[5] Bhandari, Saurav, Jain, Saiyam, Jambhale, Sagar, and Khapare,
Ajinkya. (2017). “Voice Recognition System for Automobile Safety.”
International Research Journal of Engineering and Technology, vol. 4, no.
2, https://www.irjet.net/archives/V4/i2/IRJET-V4I2303.pdf.
[6] Pang, B., and Lee, L. (2014). “A Sentimental Education: Sentiment
Analysis Using Subjectivity Summarization Based on Minimum Cuts,”
In Proceedings of the 42nd Annual Meeting on Association for
Computational Linguistics, p. 271, Association for Computational
Linguistics.
[7] Pang, B., and Lee, L. (2005). “Seeing Stars: Exploiting Class
Relationships for Sentiment Categorization with Respect to Rating
Scales,” In Proceedings of the 43rd Annual Meeting on Association for
Computational Linguistics, pp. 115–124, Association for Computational
Linguistics.
A IMPLEMENTATION OF SENTIMENT ANALYSIS 191
[8] Pang, B., Lee, L., and Vaithyanathan, S. (2002). “Thumbs Up?:
Sentiment Classification Using Machine Learning Techniques,” In
Proceedings of the ACL-02 Conference on Empirical Methods in Natural
Language Processing, vol. 10, pp. 79–86, Association for
Computational Linguistics.
[9] Shaikh, M., Prendinger, H., and Mitsuru, I. (2007). “Assessing
Sentiment of Text by Semantic Dependency and Contextual Valence
Analysis,” Affective Computing and Intelligent Interaction, ACII 2007,
LNCS 4738, pp. 191–202.
[10] Abburi, Harika, Gangashetty, Suryakanth V., Shrivastava, Manish,
and Mamidi, Radhika. (2017). “Audio and Text Based Multimodal
Sentiment Analysis Using Features Extracted from Selective Regions
and Deep Neural Networks,” MS Thesis. International Institute of
Information Technology, Hyderabad, India.
[11] Fayek, H. M., Lech, M., and Cavedon, L. (2015). “Towards Real-
Time Speech Emotion Recognition Using Deep Neural Networks,”
2015 9th International Conference on Signal Processing and
Communication Systems (ICSPCS), Cairns, QLD, pp. 1–5, doi: 10.11
09/ICSPCS.2015.7391796.
[12] Salah, Saleh, and Ibrahim, Zaher. (2014). “Machine Learning and
Sentiment Analysis Approaches for the Analysis of Parliamentary
Debates,” Thesis.
[13] Kaushik, L., Sangwan, A., and Hansen, J. H. L. (2013). “Sentiment
Extraction from Natural Audio Streams,” 2013 IEEE International
Conference on Acoustics, Speech and Signal Processing, Vancouver, BC,
pp. 8485–8489, doi: 10.1109/ICASSP.2013.6639321.
[14] Nisbet, P., and Wilson, A. (2002). “Introducing Speech Recognition
in Schools,” Edinburgh, UK: CALL Centre, University of
Edinburgh.
[15] Nisbet, P., Wilson, A., and Aitken, S. (2005). “Speech recognition for
students with disabilities,” Proceedings of the Inclusive and
Supportive Education Congress, ISEC 2005 Conference, Delph, UK:
Inclusive Technology.
[16] Nisbet, P., Wilson, A., and Balfour, F. (2008). Introducing Speech
Recognition in Schools: Using Dragon Naturally Speaking, Edinburgh,
UK: CALL Centre, University of Edinburgh.
[17] Petta, T. D., and Woloshyn, V. E. (2001). “Voice Recognition for
On-line Literacy: Continuous Voice Recognition Technology in
Adult Literacy Training,” Education and Information Technologies, vol.
6, no. 4, pp. 225–240.
[18] Ranchal, R., Taber-Doughty, T., Guo, Y., Bain, K., Martin, H.,
Robinson, J., and Duerstock, B. (2013). “Using Speech Recognition
for Real-Time Captioning and Lecture transcription in the class
room,” IEEE Transactions on Learning Technologies, vol. 6, no. 4,
pp. 299–311.
192 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Contents
Introduction 194
Background Study 194
Overview of K-Means Clustering 198
An Insight about the Operational Working of K-Means
Clustering 199
Steps Involved in K-Means Clustering Algorithm 199
Real-Time Project Implementation on Synchronic Health
Fitness Detector of Combatants in Armed Conflicts Using K-
Means Clustering Algorithm 199
Proposed Work 200
Design Methodology and Implementation 201
Combatant’s Segment 201
Chief of Armed Force’s Segment 201
Army Control Room’s Segment 201
Results 201
Real-World Use Cases of K-Means Clustering 201
Introduction
Background Study
Before K-Means
After K-Means
Cluster 2
Cluster 1
is
Ax
Z-
Cluster 3
Proposed Work
Army Control
Room
Cl
d
ou
ou
Cl
Troop 1 Troop 2
Chief of Chief of
Armed NRF Module Armed
Forces Forces
e
ZigBee
ZigBee
Be
ee
Zi
ee
Zig
gB
B
Zig
Zig
ee
Results
Following are the few sample results of the project. See Figures 9.5–9.8.
Start
Initiate and
configure GPS
Send location
of the
commandant
via Cloud
Configure Configure
temperature No
Heart No
sensor beat sensor
No
No
If S>=60 No If 68>=h>=85 No
Yes
Yes
Stop
Figure 9.5 Display of Commandant Fitness Parameters Like Pulse Rate and Temperature
204 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Figure 9.6 Hardware Output to Track Any Hazardous Conditions in Armed Conflict
Figure 9.7 Display of Gas Sensor Output to Track War Zone Hazards
CONSPECTUS OF K-MEANS CLUSTERING ALGORITHM 205
phishing for his own information. To try not to get these messages
in your fundamental inbox, email organizations use calculations.
The reason for these calculations is to signal an email as spam
effectively or not.
How grouping functions: K-means bunching strategies have
demonstrated to be a compelling method of distinguishing spam.
The mechanism is by taking a gander at the various areas of the
email. The data are then combined.
Then we have the option to arrange the gatherings to differ
entiate from spams. Recalling grouping for the gathering cycle
improves the accuracy of the channel to 97%. This is a great in
formation for people who are not passing up #1 announcement
and offers.
13. Showcasing and Business Sales
Marketing and attracting customers in showcasing its product
are essential for a large-scale company.
What the issue is: For sales to get the unsurpassed revenue
for your advancing speculation, it is vital that you intend folks in
the right approach. If you fail to understand the situation, you
hazard not doing any deal, or all the further awful, destroying
your clients’ faith.
Clustering computations can gather together persons with
relative attributes and probability to purchase.
14. Classifying Network Traffic
Imagine you want to understand the different types of traffic
coming to your website. You are particularly interested in un
derstanding which traffic is spam or coming from bots.
What the problem is: As an ever-increasing number of ad
ministrations start to utilize APIs on your application, or as your
site develops, it is significant you know where the traffic is
coming from. For instance, you need to have the option to ob
struct tactless traffic and twofold down on zones driving devel
opment. Be that as it may, it is difficult to tell which will be with
regards to ordering the traffic.
How bunching functions: K-implies grouping is utilized to
gather qualities of the traffic sources. At the point when the
bunches are made, you would then be able to arrange the traffic
types. The cycle is quicker and more exact than the past auto class
CONSPECTUS OF K-MEANS CLUSTERING ALGORITHM 209
Conveyance Enhancement
Client Maintenance
You can utilize K-implies bunching to break down and bunch client
stir to distinguish and profile your buyers depending on maintenance.
You can utilize factors, for example, recurrence of buys, how as of late
the purchaser visited the store, normal spends per outing. and con
tainer arrangement to examine and anticipate degrees of consistency
of specific client portions.
Rebate Examination
Table 9.1 Comparison of SOM, K-Means, EM, and HC Algorithms with Respect to Parameters
Performance and Accuracy Keeping K = 32
PARAMETERS SOM K-MEANS EM HC
Performance 78 84 84 87
Accuracy 830 910 898 850
Table 9.2 Comparison of SOM, K-Means, EM, and HC Algorithms with Respect to Data Types
Keeping K = 32
DATA TYPES SOM K-MEANS EM HC
Random 830 910 898 850
Ideal 798 810 808 829
Table 9.3 Comparison of SOM, K-Means, EM, and HC Algorithms with Respect to Data Size
Keeping K = 32
DATA SIZE SOM K-MEANS EM HC
36,000 830 910 898 850
4000 89 95 93 91
Pros:
1. If K is small and variables are many, then the speed of com
putation will be more than the hierarchical clustering.
2. If clusters are globular, it will produce clusters that are tighter
than the hierarchical clustering.
Cons:
1. Prediction of K is difficult.
2. Diverse preliminary partitions will outcome in diverse con
cluding clusters.
212 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
References
[1] Tajunisha and Saravanan. “Performance Analysis of k-Means with
Different Initialization Methods for High Dimensional Data.
International Journal of Artificial Intelligence & Applications (IJAIA),
vol. 1, no. 4, October 2010.
[2] N. Bouhmala, A. Viken, and J. B. Lonnum. “Enhanced Genetic
Algorithm with K-Means for the Clustering Problem.” International
Journal of Modeling and Optimization, 2015, pp. 150–154.
[3] Rouhollah Maghsoudi, Arash Ghorbannia Delavar, Somayye
Hoseyny, Rahamatollah Asgari, and Yaghub Heidari. “Representing
the New Model for Improving K-means Clustering Algorithm Based
on Genetic Algorithm.” The Journal of Mathematics and Computer
Science, 2011, pp. 329–336.
[4] A.P. Jyothi and Usha Sakthivel. “Trends and Technologies Used for
Mitigating Energy Efficiency Issues in Wireless Sensor Network.”
International Journal of Computer Applications. vol. 111. 2015,
pp. 32–40, 10.5120/19521-1150.
[5]
[6] Sandeep Rana, Sanjay Jasola, and Rajesh Kumar. A Hybrid
Sequential Approach for Data Clustering Using K-Means and
Particle Swarm Optimization Algorithm. International Journal of
Engineering, Science and Technology, vol. 2, no. 6, 2010, pp. 167–176.
CONSPECTUS OF K-MEANS CLUSTERING ALGORITHM 213
Contents
Introduction 216
Internal Fragmentation 216
Best-Fit Approach and Memory Bank 216
Linear and Lasso Regression 217
Literature Survey 217
Dynamic Memory Allocation and Internal Fragmentation 217
Internal Fragmentation Standards and Compatibility of
Systems 218
Processor Allocation and Internal Fragmentation 218
ML and Cloud Storage 219
Best-Fit Approach and Internal Fragmentation 219
Storage and Dependability Study 220
Lasso Regression Analysis and Cloud Computing 220
Data Placement and Machine Learning 221
Memory Resource Management 221
Existing Technique 222
Overview of the Existing Technique with Illustration 222
Proposed Technique – Optimized Approach to Deal with
Residual Space in Internal Fragmentation 223
Flow Chart of the Proposed Technique 223
Schematic of Memory Bank Approach 225
Introduction
Internal Fragmentation
Literature Survey
Dynamic Memory Allocation and Internal Fragmentation
The existing machine learning (ML) algorithms used for securing data
would categorize a node as an unusual node depending on temporary
behavioral data. These systems do not distinguish if an unusual node is
a malevolent node or a broken node. Hence for solving this insecurity,
the work proposes a long short-term memory (LSTM) model [8], which
initially learns the behavior of a user and automatically trains itself and
stores the behavioral data. The model can easily categorize the user
behavior as standard or non-standard. It can also find if a non-
standard node is a broken node or a new user node or a tampered node
using the calculated trust factor. The proposed technique detects the
security attack and safeguards the cloud.
In today’s world, the escalating need for data storage systems (DSS) has
been turning out as a nightmare as they are attacked by soft errors that
are often found in controllers used for storage. The functionalities and
stack comprising hardware and software, detection, and correction of
errors in DSS stand out when compared to the architectures that follows
general-purpose computing. The existing systems or techniques did not
address the system-level effects of these soft errors on DSS. This study
gives a clear perspective of the effects of the errors in the controllers used
for storage and the whole of system dependability is analyzed. In the
proposed technique [11], several functions related to storage controllers
operating on a full stack of storage system were implemented and a new
framework was developed. The impact of soft error in storage systems is
accurately calculated using the metric storage system vulnerability factor
(SSVF). The results of this analysis helped to draw conclusions that
there is data loss when 40% of cache is occupied by user data, and it
differs according to the storage controller configuration. It is concluded
through the study that data unavailability is as a result of errors which
are detectable and cannot be recovered in the cache memory.
Cloud computing provides services as and when the need arises for
the users. All the resources in cloud are stacked in the data centers,
which give rise to optimal resource allocation methods. The existing
solutions include greedy algorithms and ML algorithms. As greedy
algorithms were NP-hard in nature, it couldn’t provide the best
solution, but ML provides nearly optimal solution. In the proposed
technique [12], ridge regression and lasso regression is im
plemented on the resource needs of the user dataset. It was con
cluded that the proposed algorithms gave better results than linear
regression because of the correct selection of features and ridge
regression has the ability to solve multicollinearity issue. The ana
lysis of the models is done by obtaining root mean squared error
(RMSE) and the graphs are plotted. It was observed that the
proposed algorithms aided virtual machines to get drain in terms of
CPU utilization and storage.
SYSTEMATIC APPROACH WITH FRAGMENTATION 221
Existing Technique
Overview of the Existing Technique with Illustration
Figure 10.3 The Proposed Technique is Depicted in the Form of Schematic Diagram
for i=1:size_process, printing process no., process size, block no., block size
if allot(i) is 0 then
Print “Not Allocated” with psize_in_GB(i)
else
Print(i,psize_in_GB(i),allot(i),allotsize(i))
end
end
endfunction
To call the function, defined in best fit.sci, for best fit allocation
bf_allot = bestFit(psize_in_GB, memory_block_size, size_process, size_block)
bf_allotsize is zeros(1,size_process), bf_allotsize - size of the selected blocks
for best fit
for i=1:size_process, storing the allocated block size for each process
if bf_allot(i) is not 0 then, checking if any block is selected
bf_allotsize(i) is set to memory_block_size(bf_allot(i)), storing the size of the
selected block for best fit
else
bf_allotsize(i) is set to 0, store size as 0 if no block is selected
end
end
func = frag (psize_in_GB,process_name,p_no,frame_no,vi,memory_block_
size,total_size);
Plot the 2d graph with plot2d() for best-fit and memory bank approach
Linear Regression
Algorithm 10.5
Lasso Regression
Algorithm 10.6
Using Scilab
i. Declares the process size (in GB), process number, and process
name and assigns values initially.
ii. Displays the processes in the secondary memory.
iii. Determines the number of processes and blocks and store them
in size_process and size_block respectively.
iv. Best-Fit func() is defined and called with input parameters as
psize_in_GB, memory_block_size, size_process, size_block.
v. Declares a best-fit array (here bf_allot is used), and a flag array
bf_flag.
vi. Allocates blocks according to the best-fit approach using k as an
index variable to indicate the smallest block which can ac
commodate a process. Initially, this value is set to zero.
vii. If (p_size_in_GB is less than the memory_block_size) then:
update k with the index position of the smaller block
Else set k as the index position of the block.
If no block can accommodate the process, set allotted block
number as 0.
viii. Store the selected index in the best-fit array in the index po
sition i (process number) and set memory_block as busy.
ix. Call the function ‘internal_frag()’ with input parameters as
psize_in_GB,process_name,p_no,frame_no,vi,memory_block_
size,total_size.
x. Display the page table entries with valid and invalid bits.
SYSTEMATIC APPROACH WITH FRAGMENTATION 231
Graphical Representation
and 4 are stored in the main memory according to the size of the
processes as shown in the y axis. Size of Process 4 is 5 GB but it is
stored in the memory block of size 7 GB. The residual space 2 GB
is wasted after implementing the best-fit block approach. Process 5
is not stored in the memory as there is no memory block size
which is greater than or equal to the size of the process.
Figure 10.5 Memory Bank Approach Displaying the Residual Space Available
1. Sklearn:
• The package sklearn in python helps in implementing many
ML algorithms.
• In this work, modules like train_test_split, DecisionTree-
Classifier, and accuracy_score is used.
2. NumPy:
• For faster and efficient arithmetic calculations, the numeric
python module NumPy is used.
• Large number of numpy arrays can be read and manipula
tions are also performed using this package.
3. Pandas:
• This package is used for the purpose of reading from and
writing to different files.
• Data frames are helpful in performing manipulations.
4. RStudio – Scatter plot
To visualize a scatter plot, this package is used implementing
using the function plot (x, y).
5. Scilab – plot2d
Figure 10.7 Output Displaying Secondary Memory, Main Memory, and Processes after
Implementing Best-Fit Block Approach
Figure 10.8 Output Displaying the Memory Bank Approach and the Space in the Memory Bank
Figure 10.9 Output Displaying the Results Obtained from the Evaluation of Linear Regression
Model
location and size of the company during the pandemic situation, are
not majorly adopting for cloud infrastructure. Hence, in this COVID-
19 situation, the proposed technique of memory bank serves to
solve the memory storage issue considering even the small-scale and
developing industries.
References
[1] S. Mamagkakis, Christos Baloukas, David Atienza, Francky
Catthoor, Dimitrios Soudris, José Manuel Mendias, and Antonios
Thanailakis. 2005. “Reducing Memory Fragmentation with
Performance-Optimized Dynamic Memory Allocators in Network
Applications.” In: T. Braun, G. Carle, Y. Koucheryavy, and V.
Tsaoussidis (eds) Wired/Wireless Internet Communications. WWIC
2005. Lecture Notes in Computer Science, vol. 3510. Berlin,
Heidelberg: Springer,.
[2] M. Voss, R. Asenjo, and J. Reinders. “Scalable Memory Allocation.”
In: Pro TBB. Berkeley, CA: Apress, 2019.
[3] Nilesh Vishwasrao and Prabhudev Irabashetti. 2014. Dynamic
Memory Allocation: Role in Memory Management.” International
Journal of Current Engineering and Technology, vol. 4, no. 2,
April 2014.
[4] Christian Del Rosso. “Reducing Internal Fragmentation in
Segregated Free Lists Using Genetic Algorithms.” In Proc. of the 2006
international workshop on Workshop on interdisciplinary software en
gineering research (WISER ’06). Association for Computing
Machinery, New York, NY, USA,. 2006.
[5] D. Atienza, S. Mamagkakis, and F. Catthoor, et al. “Dynamic
Memory Management Design Methodology for Reduced Memory
Footprint in Multimedia and Wireless Network Applications.” In
Proc. of IEEE/ACM DATE, 2004.
[6] S. Bani-Ahmad. 2011. “Processor Allocation with Reduced Internal
and External Fragmentation in 2D Mesh-Based Multicomputers.”
Journal of Applied Sciences, vol. 11, 2011, pp. 943–952.
[7] Lae Wah Htun, Moh Moh Myint Kay, and Aye Aye Cho. 2019.
Analysis of Allocation Algorithms in Memory Management Published in
International Journal of Trend in Scientific Research and Development
(ijtsrd), ISSN: 2456-6470, vol. 3, no. 5, August 2019.
[8] T. Nathezhtha and V. Yaidehi. “Cloud Insider Attack Detection
Using Machine Learning.” 2018 International Conference on Recent
Trends in Advance Computing (ICRTAC), Chennai, India, 2018,
pp. 60–65, doi: 10.1109/ICRTAC.2018.8679338.
[9] Rachael Chikoore, Okuthe P. Kogeda, and Manoj Lall. 2015. “An
Optimized Main Memory Management Dynamic Partitioning
238 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
[23] Amanjot Kaur Randhawa, and Alka Bamotra. “Study of Static and
Dynamic Memory Allocation.” International Journal of Innovative
Computer Science & Engineering, vol. 4, no. 3,pp. 127–131, 2017.
[24] Meenu, Vinay Dhull, and Monika. 2015. “Computational Study of
Static and Dynamic Memory Allocation.” International Journal of
Advanced Research in Computer Science and Software Engineering,
vol. 5, no. 8.
[25] Dharmender Aswal, Krishna Sharda, and Mahipal Butola. “DMA:
Dynamic Memory allocation.” IJIRT, vol. 1, no. 6, 2014.
[26] Dipti Diwase, Shraddha Shah, Tushar Diwase, and Priya Rathod.
2012. “Survey Report on Memory Allocation Strategies for Real Time
Operating System in Context with Embedded Devices.” IJERA
Internet Computing [Online], vol. 2, no. 3, pp. 1151–1156.
[27] Dinesh Kumar and Mandeep Singh. 2019. “Memory Management
in Operating System.” International Journal of Emerging Technologies
and Innovative Research, 6, 465–471.
[28] Tie Qiu, Heyuan Wang, Keqiu Li, Huan Sheng, Arun Kumar,
Sangaiah, et al. “A Novel Machine Learning Algorithm for Spammer
Identification in Industrial Mobile Cloud Computing,” IEEE
Transaction on Industrial Informatics, vol. 15, no. 4, pp. 1, April 2019.
[29] J. Miranda, N. Makitalo, J. Garcia-Alonso, J. Berrocal, T. Mikkonen,
C. Canal, et al. “From the Internet of Things to the Internet of
People.” IEEE Internet Computing, vol. 19, no. 2, pp. 40–47, 2015.
[30] T. K. Rodrigues, K. Suto, H. Nishiyama, J. Liu, and N. Kato.
“Machine Learning Meets Computation and Communication Control
in Evolving Edge and Cloud: Challenges and Future Perspective.”
IEEE Communications Surveys & Tutorials, vol. 22, no. 1, pp. 38–67,
First quarter 2020, doi: 10.1109/COMST.2019.2943405.
[31] V. Sze, Y.-H. Chen, T.-J. Yang, and J. S. Emer. “Efficient Processing
of Deep Neural Networks: A tutorial and Survey.” Proceedings of the
IEEE, vol. 105, no. 12, pp. 2295–2329, 2017.
[32] S. Gu, Q. Zhuge, J. Yi, J. Hu, and E. H.-M. Sha. “Data Allocation
with Minimum Cost under Guaranteed Probability for Multiple
Types of Memories.” Journal of Signal Processing Systems, vol. 84,
no. 1, pp. 151–162, 2016.
[33] X. Chen, E. H.-M. Sha, Q. Zhuge, W. Jiang, J. Chen, J. Chen, et al.
“A Unified Framework for Designing High Performance in Memory
and Hybrid Memory File Systems.” Journal of Systems Architecture,
vol. 68, pp. 51–64, 2016.
[34] X. Zhang, D. Feng, Y. Hua, and J. Chen. “A Cost-Efficient NVM-
Based Journaling Scheme for File Systems.” In: 2017 IEEE
International Conference on Computer Design (ICCD), pp. 57–64, 2017.
240 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Appendix 10.A
The source for the dataset used for the ML prediction model is Google
Cloud platform and Enlyft online platform as shown below:
11
IOT AUTOMATED SPY DRONE TO
DETECT AND ALERT ILLEGAL
DRUG PLANTS FOR LAW
ENFORCEMENT
GOTLURU ARUN KUMAR,
PULUGU YAMINI, AND R. MAHESWARI
SCOPE, Vellore Institute of Technology, Chennai,
Tamil Nadu, India
Contents
Introduction 242
Objectives 243
Literature Survey 243
Existing System 244
Proposed System 244
Architectural Diagrams 244
Methodology 246
Technical Approach 246
VGG16 Architecture 247
Modules Involved 248
Description of Working Modules 248
The Steps Involved in the Image Classification VGG16
Model 248
Remote Interface Encryption Is Done by Using Vigenere
Cipher and MD5 Hashing Techniques 249
Vigenere Cipher 249
Encryption 250
Decryption 250
MD5 Hashing Techniques 250
Drone Frame 251
Implementation 252
Introduction
GPS tracker is used to track the location of the identified drug plants by
the drone. The shortest path algorithm is used to send the drone to the
various locations and get back to the controller. This particular algorithm
is used for low consumption of energy and time. Cryptography tech
niques like vigenere cipher and MD5 hashing algorithms are used for
data encryption in the database. Immediately, the police will take the
action. An automated spy drone is designed to reveal any persons/groups
planting and growing psychoactive drugs unofficially in their private land
and identify them. Whenever the spy drone system identifies these
psychoactive drugs, it immediately delineates the inspection officer by
storing the information in the database automatically.
Objectives
This paper aims to develop an eco-friendly smart spy drone that can
be used for large-scale sectors handled by the government to detect
the psychoactive drugs and can help in decreasing the growth of il
legal drug production. The controller will control the drone with a
remote controller by sending the drone to specific locations to
identify the psychoactive drug plants. Drone detects the psychoactive
drugs grown in private lands and forest areas with the help of image
classification techniques. VGG16 network architecture has been
implemented for the image classification by the drone. Shortest Path
algorithm is used for sending the drone to different locations and to
return to the controller. It helps in saving energy and time con
sumption. As the controller will be monitoring the location details of
the drone and the images captured by the drone, he or she will store
that information in a database provided in the remote controller. The
collected/stored information will be encrypted using cryptography
techniques to avoid data leakage. Vigenere cipher and MD5 hashing
techniques are used for the encryption. After storing the information
in a database, the controller sends the collected information to the
head office for further actions.
Literature Survey
In the literature survey, many articles had been referred to and had
some research on them. The working principles of VGG16 algorithm
244 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Existing System
Proposed System
Based on the existing work, the proposed system has been modified
accordingly to identify the psychoactive drugs with the help of a
drone in which image classification techniques using a Python pro
gramming language to classify the drug plants in an area are used.
GPS tracker is used to track the location of the identified drug plants
by the drone. The shortest path algorithm is used to send the drone
to the various locations and get back to the controller. This particular
algorithm is used for the low consumption of energy and time.
Cryptography techniques like vigenere cipher and MD5 hashing
algorithms are used for data encryption in the database.
Architectural Diagrams
The authorized person can add the details of the identified plants and
location into the database and if admin wants to see the location, then he/
she has to authenticate and retrieve data. The login details and location
are encrypted using vigenere cipher [2] and hashing technique like MD5
[3] algorithms are used for security. In the overall architecture of the spy
drone, there are mainly five modules: The first module is the commu
nication module which is also a database used for the data transmission
from drone to the database. The second module is vision sensor. It helps
the drone for visualizing the specific location and after the visualization,
the identified plants will be classified into normal or psychoactive plants.
The next module is mission controller which involves a battery and the
remote controller. This remote controller is used to operate the drone by
the controller. Drone autopilot is the fourth module that is the drone with
an autopilot which has an auto mechanism to get away from distracting
objects. The last module is the GPS module that is used to identify the
locations and navigate the drone to the particular location. The overall
architecture of the spy drone is shown in Figure 11.2.
246 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Methodology
Technical Approach
• Splitting of data
• Building of the model
• Training of the model
• Results of the accuracy
Study of each step of the ML model
For the image classification in Spy drone, all the necessary packages
are imported from Keras libraries in python. The next step is im
porting the data set. The dataset will be stored in the respective
directory where the notebook file is stored. The path of the dataset
directory will be given for importing the dataset for further steps.
The collected data don’t need to be in the desired format.
Therefore, data prepossessing techniques are used. Data pre
possessing is a process of preparing the raw data and making it
suitable for a machine learning model. For performing data pre
possessing using python, we need to import some predefined
Python libraries, i.e., Pandas. Data prepossessing techniques in
clude formatting of data, cleaning of data, and sampling of data.
Data augmentation is an integral process in deep learning. In deep
learning, we need large amounts of data and in some cases, it is not
feasible to collect thousands or millions of images, so data aug
mentation comes to the rescue. There is no need to collect new
data; rather it transforms the existing data into the required forms
and stores as augmented data. Data augmentation operations in
clude boundary boxing, max pooling, cropping, and extracting the
region of interest (ROI).
VGG16 Architecture
Modules Involved
1. Image Classification
Captured image gets classified with the pre-trained model
VGG16. Model has been trained with several dataset plants and
it identifies the target plant.
2. Remote Control Interface
Remote controller contains an interface that contains features
like Add location, List, and search in database; thus, the person
who is going to access/control the drone gets authenticated if he
or she tries to get data and see the original data stored in it.
3. Drone Frame
Drone frame has been designed using the tinker-card tool,
which is the best tool for virtual simulation of IoT devices.
and HSV format; thereby image gets segmented based on color and
visualizes the segmentation results in VGG16 model.
Decryption In the decryption process, the vice versa operation like en
cryption will be performed. But the only difference is that the encryption
operation will be done on the plain text and the decryption operation will
be done on the cipher text generated to obtain the plain text.
Drone Frame Using the Tinker cad tool, a basic drone has been
designed and all modules get embedded within the drone, as shown
in Figure 11.8.
All the components required for the design of the drone along
with the processing unit such as Arduino is configured using the
Tinker cad tool and expected output of the design can be visualized
252 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
by simulating the design in the Tinker cad tool. This may help us to
debug the circuit if the expected output gets varied from the observed
output.
Implementation
Implementing VGG16
Import Packages In the first step, all the necessary packages for image
classification using VGG16 are imported from Keras library in
Jupyter Notebook with Python programming language.
Import Target Image Input Processing the image to get rid of the
unnecessary pixels is depicted through Figure 11.11. Feeding this
picture to the model directly will result in a target leakage. The
classifier will learn the stones and the container’s pixels and build its
prediction upon these pixels as well. This is something that will be
avoided. Preprocessing starts with by doing object segmentation from
the input image which is based on the RGB colors using a Python
library called OpenCV, as it is the most popular computer vision-
based library for manipulating colors in an easy way.
Visualize the Plant in HSV HSV is the alternate approach for RGB
color model. HSV stands for hue, saturation, and lightness value, and
represents the mixing of different colors with saturation dimension
resembling. It defines a threshold value to help it become a binary
image with the color, as mentioned in Figure 11.13.
In HSV space, our green plant are much more localized and vi
sually separable. The saturation and value of the greens do vary, but
they are mostly located within a small range along the hue axis. This
is the key point that can be leveraged for segmentation.
256 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Segmentation
The result of our initial threshold is not bad, since some pixels of the
plants were missed. Later, it has been manually adjusted with saturation
and brightness values to get a better mask [12] (Figure 11.15).
• new_colormin=(25,50,50)
• new_colormax=(80,255,255)
• plot_mask(p1, new_colormin, new_colormax)
the computer vision model with the segmented images instead of the
original ones.
Experimental Results
Training Images
Trained models get an input of the collected images and the model
performs the segmentation for the target image and then the image
gets converted into the RGB color model.
Once the RGB color model is not clear, the images are con
verted and represented in the HSV color model. In this model,
HSV is a mixture of colors and can be visualized better than RGB
model. Images get classified after the segmentation, as shown in
Figure 11.16. After performing the model, the predicted results
are shown in Figure 11.17.
In Figure 11.22, added details are viewed but the location and
details of the identified plants are not viewed. Only the person gets
authenticated and then the information is viewed.
Figure 11.23 is used for searching the details of the authorizer.
The security for this GUI application will be provided using
cryptographic algorithms like the vigenere cipher algorithm and
MD5 hash techniques. One of the most important things is that the
drone will be incorporated with the shortest path algorithm for
sending the drone to different specified locations and for returning to
the controller quickly. Figure 11.24 represents the entered location
saved in an encrypted format.
262 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Conclusion
the plant species that are captured by the drone using a camera.
For building this image classification application, a convolutional-
based neural network called VGG16 neural network model has
been used for classifying the psychoactive drugs from the group of
plant images. This VGG16 neural network model has been im
plemented in the python programming language using the Jupyter
Notebook as a platform from the Keras libraries. The internal
processing of image classification has been discussed in this work.
Finally, the third module is about the remote control interface.
There should be a remote controller that is controlled by the
controller to control the drone. The unique feature of this remote
controller is that there will be an inbuilt GUI application in it for
the controller to store the collected information from the drone.
The collected information and user details must be secured to
avoid data leakage. Here, comes the cryptography algorithms used
for encrypting the gathered information and also for providing
confidentiality, authentication, and integrity for the application.
The controller after collecting the information will store the de
tails of it in this GUI application, which is associated with a da
tabase, so that he can retrieve the information in the future and
take proper actions on the identified landowners. The security for
this GUI application will be provided using cryptographic algo
rithms like the Vigenere cipher algorithm and MD5 hash tech
niques. One of the most important things is that the drone will
be incorporated with the shortest path algorithm for sending
the drone to different specified locations and for returning to the
controller quickly. This helps the drone to select the best and the
shortest path among all the possible paths to reduce energy and
time consumption. The output screenshots of the image classifi
cation and the GUI application have been given in the experiment
results section. These are all the things that are discussed in this
work. Finally, to conclude that the main goal of this Spy Drone
application is detecting the psychoactive drugs in a specific loca
tion and collecting the information that is required for taking
further actions using a drone. This helps the government sector
people to control the illegal activities of drug usage and production
efficiently without using more manpower.
264 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
References
[1] Aized Amin Soofi, et al., “An Enhanced Vigenere Cipher for Data
Security,” International Journal of Scientific & Technology Research, vol.
5, no. 03, pp. 141–145, 2016.
[2] Z.-p. Wang et al., “Single-Intensity-Recording Optical Encryption
Technique Based on Phase Retrieval Algorithm and QR code,” Optics
Communications, vol. 332, pp. 36–41, 2014.
[3] Shweta Mishra et al., Hashing Algorithm: MD5, Department of
Computer Science & Engineering, Echelon Institute of Technology,
Faridabad, India; JB Knowledge Park, Faridabad, India, 2013.
[4] Piotr Kardasz and Jacek Doskocz. “Drones and Possibilities of Their
Using”. Journal of Civil & Environmental Engineering, vol. 6,
Piłsudskiego, Wrocław, Poland, 2016.
[5] VGG16 and VGG 19 functions are referred from following the link
https://keras.io/api/applications/vgg/
[6] Karen Simonyan and Andrew Zisserman, “Very Deep Convolutional
Networks for Large-Scale Image Recognition,” In: International
Conference on Learning Representations, 2015.
[7] Ayon Dey, “Machine Learning Algorithms: A Review,” International
Journal of Computer Science and Information Technologies, vol. 7, no. 3,
2016, 1174–1179.
[8] Working of VGG16 model is referred from following the link
https://www.geeksforgeeks.org/vgg-16-cnn-model/
[9] Algorithm of MD5 hashing techniques are referred from following
the link http://practicalcryptography.com/hashes/md5-hash/
[10] Mary Cindy, Ah Kioon, Zhao Shun Wang, and Shubra Deb Das,
“Security Analysis of MD5 algorithm in Password Storage,” Applied
Mechanics and Materials, vol. 347–350, pp. 2706–2711, 2017.
[11] Vigenere Cipher, Eric Conrad, and Joshua Feldman, CISSP Study
Guide (3rd Edition), 2016.
[12] Jean-Paul Yaacoub, Hassan Noura, Ola Salman, and Ali Chehab,
“Security Analysis of Drones Systems: Attacks, Limitations, and
Recommendations,” Internet of Things, vol. 11, May 2020.
12
EXPOUNDING K-MEANS-INSPIRED
NETWORK PARTITIONING
ALGORITHM FOR SDN
CONTROLLER PLACEMENT
J. PUSHPA1
AND PETHURU RAJ CHELLIAH2
1
Jain University, Bangalore
2
Site Reliability Engineering (SRE)
Division, Reliance JioInfocomm. Ltd.,
Bangalore, India
Contents
Introduction 266
Leveraging on Unsupervised Learning 267
k-Means Algorithm 270
Data-Set for k-Means Algorithm 272
Distance Formula of Centroid in k-Means Algorithm 273
Mechanism to Compute the Value of K 276
Properties of k-Means 278
Compare the k-Means with Fuzzy C Mean, K Mediods,
and k-Means++ 281
k-Means Clustering in Software Defined Network (SDN) 282
Exploring the k-Means Clustering in Resolving SDN
Challenges 284
SDN Network Partitioning of Saren Topology-Based using
k-Means 285
Conclusion 287
References 288
Introduction
Machine Learning
Classification Clustering
Data Size Reduction Dimensional Reduction
Similarity/Relation Association
Clustering
Association
Clustering
k-Means Algorithm
STEP 1: Indicate the considering the data set Ss = {x1, x2, x3, ….xn}:
In this step few things need to consider such as:
What kind of data set?
• Unsupervised data set is more suitable for k-means clustering
What is the limitation of data set?
• Big O(better performance) for small data set and number of iteration
increases for large data set which will non-optimal solution.
STEP 4: Compute the new centroid which will be mean value in a group,
so new centroid will be emerged and regrouping may take place.
Ci = 1/ Si xi, xi S.
If reposition of centroid then repeat then step 3.:
else:
goto step 5
Start
for(i=1;i<=x;i++)
If not Converged
Check ni is
Closer to Final Cluster formed
CI C2 CK
If Converged
Reposition the Centroid
coefficient factors such as ideal distance value between the data points
in group, the distance between the group, optimal number of cluster and
number of data point in a cluster. Will discuss those coefficient factor
as the properties of k-means algorithm and also see some the
example on it.: Many of the researcher have used the k-means to
resolve their problem for the certain kind of data set which kind of
Data set can use k-means algorithm is our next discussion.
Squared Euclidean
distance
Distance formula
between Centroid Manhattan
in K-mean Distance
Minkowski
Distance
Chebyshev
Distance
Data mining is widely used in many field for extracting the data in high
dimensional data set at the same time challenges of searching and retrieving the
relevant data also triggering task. k-means with Manhattan distance or Taxicab
formula is well suited in such situation. As discussed in “On the Surprising
Behavior of Distance Metrics in High Dimensional Space” by Charu C. Aggarwal
[ 13], high dimensional data set with 2 or 3 D spatial system which is having
fractional matrix is very common in data mining in which applying Euclidean
distance which is best suited for integral distance is irrelevant for this hence
Manhattan distance has come out with best suitable and efficient distance
formula. Dibya in [ 14] has discussed the performance of Manhattan distance on
data set such as Iris and Wine Data set and the resultant proved that the
computation time is less compare with Euclidean and Cosine distance formula.
Hence Manhattan distance is more suitable for the data set which are in the
SDN CONTROLLER PLACEMENT 275
Minkowski distance algorithm is used to measure the distance between two points
in a normal vector space as a generalization for both Manhattan and Euclidean
distance. It is an effective in fuzzy logic, networking, spatial data and many. In
[ 15], the performance of minkowski distance is proven on spatial distance for
measuring the distance on the basis of time.
Minkowski Distance has not only used for calculating the distance but the
convergence result with reduction of error and increased the accuracy with less
computation time as discussed in the field of image segmentation in [ 16].
Many researcher has used this distance formula and also extended their work
for improvement of this algorithm which is delimited for the value of p=1 and 2.
As we can see in “Fizzy clustering using Minkowski Distance” in [ 17] and
resultant with efficient and well applied to empirical applications.
k-means clustering is versatile due its performance with varying distance formula,
as discussed above we extended our discussion about chebyshev distance formula.
It gives the maximum absolute distance. Major applications are Chessboard and
warehouse logistics.
Chebyshev distance is used in many field such as in machine learning, IoT
devices and AI as this gives he distance of an object moving away or with
maximum distance.
Below are the some pattern of data representation for the above discussed
distance formula which help us to identifies the pattern before applying the
distance formula.
WSS = x Ci (x ci )2
BSS = i Ci (c ci )2
Properties of k-Means
Figure 12.8 Vector Quantization [Each Data Point Will Be in the Voronoi Cell]
columns in mixing matrix and is also the best algorithm for dic
tionary learning.
Property 4: Data points in a data set should be similar but it can be
different from the each clusters.
Consider an example of placing the router in the region based on the
number of host and which are grouped based on either distance or rate of
data transfer. Best part is to select the variable of distance than network
traffic which are varying with time. k-means group the host which are
with minimum distance between the host and plce the centroid to
maintain the minimum distance between the cluster as shown below.
Consider the centroid c1,c2,c3,c4 where c1 is close to c4 and c2 is
close to c3 then the connectivity looks as shown in the Figure 12.10.
As discussed above those 4 property plays a major role while
implementing the clustering using k-means algorithm.
Conclusion
References
[1] MacQueen, J. B. (1967). Some Methods for classification and
Analysis of Multivariate Observations. Proceedings of 5th Berkeley
Symposium on Mathematical Statistics and Probability.1. University
of California Press. pp. 281–297. MR0214227.Zbl0214.46201.
Retrieved 2009-04-07.
[2] Improved Clustering with Augmented k-means J. Andrew Howe,
Independent Researcher, Riyadh, arXiv:1705.07592[stat.ML], May 2017.
[3] Krishna, K., and M. Murty. 1999. Genetic K-Means algorithm. IEEE
Transactions on Systems, Man, and Cybernetics. Part B, Cybernetics:
a Publication of the IEEE Systems, Man, and Cybernetics Society
vol. 29 (3):pp. 433–439. doi: 10.1109/3477.764879.
[4] Li, Z., & Wang, H. (2019). Improving K-means method via
shrinkage estimation and LVQ algorithm. Communications in
Statistics - Simulation and Computation, vol. 50, pp. 1–16. doi:10.
1080/03610918.2019.1620274
[5] Vinnikov, Alon; Shalev-Shwartz, Shai (2014). “K-means Recovers
ICA Filters when Independent Components are Sparse”(PDF).
Proceedings of the International Conference on Machine Learning
(ICML 2014).
[6] “Supervised and Unsupervised Machine Learning Algorithms” by
byJason BrownleeoninMachine Learning Algorithms
[7] Reffered “Mathworks” for implementation, https://in.mathworks.com/
help/stats/cluster-analysis.html.
[8] MacQueen, J., 1967. Some Methods for Classification and Analysis
of Multivariate Observations. In: Cam, L. M. L., Neyman, J. (Eds.),
Proceedings of 5-th Berkeley Symposium on Mathematical Statistics
and Probability. Vol. 1. University of California, Berkeley, Berkeley,
USA, pp. 281–297.
[9] https://www.datanovia.com/en/lessons/determining-the-optimal-
number-of-clusters-3-must-know-methods/
[10] Jenks, George F. 1967. “The Data Model Concept in Statistical
Mapping”, International Yearbook of Cartography, vol. 7: pp. 186–190.
[11] Vinnikov, Alon; Shalev-Shwartz, Shai (2014). “K-means
Recovers ICA Filters when Independent Components are Sparse”.
Proceedings of the International Conference on Machine Learning
(ICML 2014).
[12] Erman, J., Arlitt, M., Mahanti, A.: Traffic classification using clus
tering algorithms. In: Proceedings of the 2006 SIGCOMM
SDN CONTROLLER PLACEMENT 289
Contents
Introduction 292
System Overview 292
Scope of the Project 293
Literature Survey 294
Underground Communications Networks 294
WUSN in Crop Production 295
Test Bed Development for WUSN 296
Soil Moisture Measurement 297
Underground Mining 297
Underground Mine Communications 297
Occupational Health Hazard in Mining 298
Wireless Underground Sensor 298
Agriculture Field Monitoring 298
Spatio-Temporal Soil Moisture Measurement 299
Channel Model and Analysis for Wireless Underground
Sensor Networks in Soil Medium 299
System Analysis 300
Existing System 300
Proposed System 300
Introduction
System Overview
The scope of this work is to show that the data can be transferred
through soil wirelessly, to help the farmers to measure the moisture
294 ALEARNING ALGORITHMS FOR INTELLIGENT IOT
of the soil wirelessly and intimate the farmers through monitor, and
to help maintain the soil moisture in the agriculture field. It also
helps to water the soil when automatically the moisture of the soil
reduces to certain level. It is done using WUSN sensor and the
embedded C is needed in Arduino.
Literature Survey
Underground Mining
based on the proposed channel model, the resulting bit error rate is
analyzed for different network and soil parameters.
System Analysis
Existing System
Proposed System
System Requirements
Module Description
• Interfacing sensors
• Programming microcontroller
• Data transmission through soil
• Visual basic
• Internet of things
Product Description
Humidity measurement can be done using electronic hygrometers.
Electronic-type hygrometers or humidity sensors can be broadly
divided into two categories, namely, capacitive sensing effects and
resistive sensing effects. Resistive-type humidity sensors pick up
changes in the resistance value of the sensor element in response
to the change in the humidity. Thick film conductor of precious
metals like gold and ruthenium oxide is printed and culminated
in the shape of the comb to form an electrode. Then a polym-
eric film is applied on the electrode; the film acts as a humidity
sensing film due to the existence of movable ions. Change
in impedance occurs due to the change in the number of mo
vable ions.
Features
• Input voltage: 5 v
• Output: analog(0–5 v)
• High performance
• Long-term stability
• Close tolerances
• Low cost
WIRELESS UNDERGROUND SENSOR SYSTEM 303
Applications
• Air conditioners
• Climate control for greenhouses
• Storage and warehouses
• Meteorological applications
Product Description
A soil moisture sensor, shown in Figure 13.1, is a device that mea
sures the hydrogen-ion concentration (soil moisture) in a solution,
indicating its acidity or alkalinity. In addition to measuring the soil
moisture of liquids, it can also measure the moist and light level. The
soil moisture sensor has an inbuilt meter to measure the light in
tensity. The soil moisture of a solution indicates how acidic or basic
(alkaline) it is. The soil moisture term translates the values of the
hydrogen ion concentration – which ordinarily ranges between about
1 and 10 × – 14 g equivalents per liter – into numbers between 0
and 14.
Features
Applications
• Acid-base titrations
• Analysis of water quality in streams and lakes.
304 ALEARNING ALGORITHMS FOR INTELLIGENT IOT
Programming Microcontroller
Analog Features
CMOS Technology
Pin Diagram
Some frequently used SFRs from one bank may be mirrored in an
other bank for code reduction and quicker access.
I/O ports: Some pins for these I/O ports are multiplexed with an
alternate function for the Perisoil Moistural features on the device. In
general, when a Perisoil Moistural is enabled, that pin may not be
used as a general purpose I/O pin. Additional information on I/O
ports may be found in the PICmicro™ Mid-Range Reference
Manual (DS33023).
each PORTC pin. Some Perisoil Moistural override the TRIS bit to
make a pin an output, while other Perisoil Moistural override the
TRIS bit to make a pin an input. Since the TRIS bit override is in
effect, while the Perisoil Moistural is enabled, read-modify write
instructions (BSF, BCF, and XORWF) with TRISC as the desti
nation should be avoided. The user should refer to the corresponding
Perisoil Moistural section for the correct TRIS bit settings.
Inside a Microcontroller
In a microcontroller, all the operations within the microcontroller are
performed at high speed and quite simply, but the microcontroller itself
would not be so useful if there are no special circuits which make it
complete. In continuation, we are going to call your attention to them.
System Architecture
Architecture Description
As shown in Figure 13.5, the data from any soil can be collected
through WUSN and the analysis of the soil can be used to predict the
crops and the time for watering. A sprinkler system can also be
combined in this proposed scheme to automate watering of crops
based on the water content of the soil.
Components of WUSN
Conclusion
References
[1] E. Berman, G. Calinescu, C. Shah, and A. Zelikovsky., “Power ef
ficient monitoring management in sensor networks,” in Proceedings of
IEEE Wireless Communication and Networking Conference (WCNC04),
Atlanta. USA, 2004.
[2] L. Li and X. M. Wen, “Energy efficient optimization of clustering
algorithm in wireless sensor network,” J. Electron. Inform. Technol.,
vol. 30, no. 4, pp. 966–969, 2008.
[3] Y. H. Cai, G. Liu, L. Li, and H. Liu, “Design and test of nodes for
farmland data acquisition based on wireless sensor network,” Chinese
Soc. Agric. Eng., vol. 25, no. 4, pp. 176–178, 2009.
[4] M. C. Vuran and Ian F. Akyildiz, “Channel model and analysis for
wireless underground sensor networks in soil medium,”in Physical
Communication, vol. 3, no. 4, pp. 245–254, December 2010.
[5] M. C. Vuran and I. F. Akyildiz, “Channel model and analysis for
wireless underground sensor networks in soil medium,” Physical
Communication Journal, vol. 3, p. 254, 2010.
[6] Yogendra S. Dohare, Tanmoy Maity, P. S. Das, and P. S. Paul,
“Wireless communication and environment monitoring in under
ground coal mines – Review,” IETE Tech. Rev., vol. 32, no. 2,
pp. 140–150, 2015.
[7] Serhan Yarkan, Sabih G¨uzelg¨oz, H¨useyin Arslan, and Robin R.
Murphy, “Underground mine communications: A survey,” IEEE
Communication Survey & Tutorials, vol. 11, no. 3, Third quarter 2009.
[8] A. M. Donoghue. “Occupational health hazards in mining: An
overview.” Occup. Med. (Lond), vol. 54, no. 5, pp. 283–289, 2004, doi:
10.1093/occmed/kqh072, PMID: 15289583.
[9] R. Agnelo, C. V. Silva, and C. Mehmet, “Communication with above
devices in wireless underground sensor networks: An empirical
study,” in Communications (ICC). IEEE International Conference
Proceedings, IEEE Commun. Soc., Cape Town, pp. 23–27, 2010.
[10] O. Green, E. S. Nadimi, V. Blanes, R. N. Jorgensen, and C. G.
Sorensen CG, “Monitoring and modeling temperature variations
inside silage stacks using novel wireless sensor networks,” Comput.
Electron Agric., vol. 69, no. 1, pp. 149–157, 2009.
[11] X. Q. Yu, Z. L. Zhang, and W. T. Han, “Evaluation of commu
nication in wireless underground sensor networks,” in IOP Conference
324 ALEARNING ALGORITHMS FOR INTELLIGENT IOT
Contents
Introduction 326
Solar Pond 327
Low-Temperature Energy Storage System (LTES) for
Solar Pond 328
Background Study 329
Experimental Setup 329
Experimentation 331
Performance Parameters of Solar Pond 332
Modeling Using Machine Learning 332
Data Collection and Preprocessing 334
Data Cleaning 334
Normalization 335
Outlier Analysis 335
Correlation Analysis 336
Multi-Linear Regression 338
Splitting Dataset into Training and Testing Data 340
Fitting and Prediction 340
Introduction
Solar Pond
Solar ponds (SPs) are water bodies with varying salinity gradient
called halocline, i.e., the salinity of the pond increases with depth.
These solar ponds possess three different distinct zones viz., upper
convective zone (UCZ), non-convective zone (NCZ), and lower
convective zone (LCZ). These zones have different densities due to
the presence of salinity, and they store the thermal energy by ar
resting the convective effects. The solar radiation reaching the
bottom of the pond heats the water of the LCZ as the density of the
LCZ is higher, the bulk motion of water to the top surface of the
pond is prevented, thereby the thermal energy is trapped within the
LCZ itself. This collected and stored thermal energy at the LCZ is
used for various engineering applications. Thus solar ponds are one
of the most effective ways of capturing and storing solar energy [3].
The applications of solar ponds include industrial process heating,
desalination, greenhouse heating, crop drying, electric power gen
eration, refrigeration, and air conditioning. A typical schematic
diagram of a solar pond is represented in Figure 14.1.
The stored energy of the solar pond is used for the above-said
various applications by incorporating internal or external heat ex
changers. The main concern with this low-temperature energy sto
rage system (LTES) is its poor thermal efficiency of 15% to 25% and
the period of operation of the solar pond. The thermal efficiency of a
solar pond is defined as the ratio of total energy extracted from the
solar pond with the help of the heat exchanger to the total solar
radiation falling on the surface of the solar pond. There are different
High Low
temperature temperature
medium medium
Background Study
Experimental Setup
swirl tape of optimum twist ratio of 6.36 is placed in the flow passage
to augment the rate of heat transfer. Swirl tapes provide secondary
flow and turbulence, which enhances the rate of heat transfer.
The PCM paraffin (n-Tricosane C23H48) of shell make is chosen
for thermal energy storage and the same is encapsulated and placed in
the LCZ of the solar pond as LTES for experimentation. However,
the thermal conductivity of paraffin PCM is 0.214 W/mK (solid) and
0.15 W/mK (liquid). This is poor and to increase the thermal con
ductivity, CuO nanoparticles are added.
There is a limit for the percentage of CuO nanoparticles that can
be blended to the PCM because the addition of too many CuO
nanoparticles with PCM will also lead to agglomeration which is not
PREDICTING EFFECTIVENESS OF HEAT EXCHANGER 331
Experimentation
Experiments were conducted on all the three solar ponds under solar
irradiated condition. Heat transfer fluid used is water, which is al
lowed to flow through the flow passage of the heat exchanger under
laminar and turbulent flow conditions with Reynolds’s number of
1804 and 9020, respectively. The objective of the study is to have
higher outlet temperature of the heat exchanger, indicating better
performance. The various parameters related to the outlet water
temperature are ambient temperature, water inlet temperature, solar
irradiation, flow rate, and LCZ temperature.
The temperatures such as ambient, inlet, outlet, LCZ, NCZ, and
UCZ were measured using “K”-type thermocouple connected to
digital temperature indicator. The solar radiation reaching the solar
pond is measured using pyranometer, and the salinity of the LCZ,
NCZ, and UCZ is measured daily using pyranometer to ensure the
existence of halocline. Sampling vents were provided to get the
sample from LCZ, NCZ, and UCZ. The readings are recorded every
30 minutes in a day from 8:00 AM to 6:00 PM over a period of 41
days during May–June 2019. The average values are tabulated for
analyzing the solar pond performance parameters, such as outlet
water temperature, temperature rise, rate of heat transfer, efficiency
of solar pond, and effectiveness of heat exchanger.
332 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
where
Q – rate of heat transfer (W)
Q’ – maximum heat transfer (W)
m – mass flow rate (kg/s)
Cp – specific heat capacity (J/kg °C)
To – outlet temperature (°C)
Ti– inlet temperature (°C)
TLCZ – temperature of the LCZ (°C)
ii. Maximum rate of heat transfer (Q’) Q’ = mCp(TLCZ–Ti)
iii. Effectiveness of heat exchanger
Q
= (14.2)
Q’
Intelligence, the need for the era, is expected not only from human,
but also from machines. ML is the field of study that gives computers
the competence to be intelligent without being explicitly programmed.
Applications of ML range from day-to-day application like automatic
switching on/off of household motors to more complex applications
like controlling satellite operations.
In course of this, ML finds an integral part in Industry 4.0 trans
forming applications in mechanical engineering domain to be more
intelligent using techniques like predictive maintenance, demand
prediction, quality control, etc. Generally, numerous experiments
would be carried out on solar pond and the input parameters supplied
and output obtained will be stored as a relational dataset during
PREDICTING EFFECTIVENESS OF HEAT EXCHANGER 333
Data Cleaning
Normalization
Data for each attribute are collected in different ranges and units. ML
modeling algorithms work on numeric data and hence variables are
measured at different scales. Temperatures are measured in degree
Celsius and Incident solar radiation flux is measured in Watt/m2. The
range of values corresponding to various features does not contribute in
the identical way to the machine model fitting and might end up
creating a bias to the overall system. Also, visualization becomes very
difficult with varying ranges of data. Hence, normalization is applied
to convert ranges of all data between 0 and 1. Min-Max normalization,
as in Equation 14.3, is used in our modeling.
x min(x )
xnorm = (14.3)
max(x ) min(x )
Outlier Analysis
identified and removed. Box plots are used to perform this analysis
where the data that lie outside of 1.5 * interquartile range on both the
ends are considered as outliers and are removed. Figure 14.8 represents
the various ranges identified using box plot and Figure 14.9 represents
outlier analysis for inlet solar radiation flux.
Correlation Analysis
between the features. It is evident from the figure that all the outlet
temperatures are positively correlated with maximum correlation with
all input variables and hence linear regression is chosen for modeling
the dataset.
Multi-Linear Regression
where, m1, m2, …, mn indicate the impact of each attribute over the
output.
x1, x2, …, xn indicate the values of independent variables.
m 0 refers to the common bias that exists in the dataset.
c represents the error of the model.
ypred refers to the predicted output.
PREDICTING EFFECTIVENESS OF HEAT EXCHANGER 339
The dataset is divided into two random sets of data, namely, training
and testing using 80 to 20 proportion. The first set comprising 80%
of the data termed as training dataset is used to fit the model. The
training set covers the set of inputs with known output that the
model uses to learn to generalize other data. The second set com
prising 20% of the data, termed as testing dataset is used to check
whether the fitting is accurate and acceptable. The package train-
test-split in the scikit-learn library of Python is used to divide the
dataset. This package takes care of random splitting of rows to avoid
bias that may be caused due to environmental conditions.
The dataset is divided into input and output features termed as “X”
and “Y,” respectively. Using the train-test-split function of scikit-
learn library, X and Y are divided into four subsets, namely, X_train,
X_test, Y_train, and Y_test. The dimensions of these are (642,4),
(642,), (160,4), and (160,). Three such datasets representing three
different solar ponds were taken for modeling.
Intercept: 14.436684821577494
The outlet water temperature for the test data is then predicted using
the “predict” function of the scikit-learn library. The predicted value
of testing data along with original output value in the dataset is
compared. Figure 14.13 depicts a sample comparison.
Goodness of Fit
Future Works
Solar ponds are still in amateur stage and research is to be carried out
for augmenting its performance and to commercialize. The materials
for thermal energy storage at the LCZ, non-corrosive (materials)
layers for the side wall, and the bottom of the pond have lot of scope.
This is a low-temperature energy storage method and needs opti
mization of process parameters in order to commercialize for gen
erating electric power. There are many process parameters involved
PREDICTING EFFECTIVENESS OF HEAT EXCHANGER 343
with the operation of solar pond. The above work uses only few
parameters and handled dataset taken only for a certain period of
time. Also, the collinearity between the predictor variables is not
properly realized by our model.
Future works may concentrate on handling large volume of data
with proper analyzing on relationship between the independent
variables. Also, metrics such as accuracy derived from ML modeling
will not be useful for adding business value to the stated problem by
researchers. The optimal values of input parameters can be obtained
from applying optimization techniques.
References
[1] The Solar Vision: A 100-day Agenda of Solar Energy Industries
Association. https://www.seia.org/initiatives/about-solar-energy.
[2] https://energypedia.info/wiki/Portal:Solar.
[3] Abhishek Kumar, and Ranjan Das, “Effect of peripheral heat con
duction in salt-gradient solar ponds,” Journal of Energy Storage,
November 2020. 10.1016/j.est.2020.102084.
[4] Assad H. Sayer, Hazim Al-Hussainia, and Alasdair N. Campbell,
“New theoretical modelling of heat transfer in solar ponds,” Solar
Energy, vol. 125, pp. 207–218, 2016. 10.1016/j.solener.2015.12.015.
[5] Binjian Nie, Anabel Palacios, Boyang Zou, Jiaxu Liu, Tongtong
Zhang, and Yunren Li, “Review on phase change materials for cold
thermal energy storage applications,” Renewable and Sustainable
Energy Reviews, vol. 134, 2020. 10.1016/j.rser.2020.110340.
[6] Shu-Rong Yan, Rasool Kalbasi, Aliakbar Karimipour, and Masoud
Afrand, “Improving the thermal conductivity of paraffin by in
corporating MWCNTs nanoparticles,” Journal of Thermal Analysis
and Calorimetry, 2020. 10.1007/s10973-020-09819-0.
[7] Suttisak Kunlabud, Varesa Chuwattanakul, Vichan Kongkaitpaiboon,
Pitak Promthaisong, and Smith Eiamsa-ard, “Heat transfer in tur
bulent tube flow inserted with loose-fit multi-channel twisted tapes as
swirl generators,” Theoretical and Applied Mechanics Letters, vol. 7, no.
6, pp. 372–378, 2017. 10.1016/j.taml.2017.11.011.
[8] Karunamurthy, K., Rajesh, M. R., Vijaypal, B., and Kumar, A.,
“Thermal conductivity and charging & discharging characteristics of a
thermal energy storage system blended with Al2O3 nanoparticles,”
Nano Hybrids and Composites, vol. 17, pp. 10–17. 2017. 10.4028/
www.scientific.net/nhc.17.10.
[9] D. C. Montgomery, E. A. Peck, and G. G. Vining, Introduction to
linear regression analysis, John Wiley & Sons, 2015.
344 APPLIED LEARNING ALGORITHMS FOR INTELLIGENT IOT
Note: Italicized page numbers refer to figures, bold page numbers refer to
tables
345
346 INDEX