Next Article in Journal
BwimNet: A Novel Method for Identifying Moving Vehicles Utilizing a Modified Encoder-Decoder Architecture
Next Article in Special Issue
Skeleton-Based Emotion Recognition Based on Two-Stream Self-Attention Enhanced Spatial-Temporal Graph Convolutional Network
Previous Article in Journal
SwimOne. New Device for Determining Instantaneous Power and Propulsive Forces in Swimming
Previous Article in Special Issue
Gait-Based Identification Using Deep Recurrent Neural Networks and Acceleration Patterns
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Optimizing Sensor Deployment for Multi-Sensor-Based HAR System with Improved Glowworm Swarm Optimization Algorithm

1
College of Information Engineering, Tianjin University of Commerce, Tianjin 300134, China
2
School of Engineering, Merz Court, Newcastle University, Newcastle upon Tyne NE1 7RU, UK
*
Author to whom correspondence should be addressed.
Sensors 2020, 20(24), 7161; https://doi.org/10.3390/s20247161
Submission received: 16 November 2020 / Revised: 4 December 2020 / Accepted: 10 December 2020 / Published: 14 December 2020

Abstract

:
Human activity recognition (HAR) technology that analyzes and fuses the data acquired from various homogeneous or heterogeneous sensor sources has motivated the development of enormous human-centered applications such as healthcare, fitness, ambient assisted living and rehabilitation. The concurrent use of multiple sensor sources for HAR is a good choice because the plethora of user information provided by the various sensor sources may be useful. However, a multi-sensor system with too many sensors will bring large power consumption and some sensor sources may bring little improvements to the performance. Therefore, the multi-sensor deployment research that can gain a tradeoff among computational complexity and performance is imperative. In this paper, we propose a multi-sensor-based HAR system whose sensor deployment can be optimized by selective ensemble approaches. With respect to optimization of the sensor deployment, an improved binary glowworm swarm optimization (IBGSO) algorithm is proposed and the sensor sources that have a significant effect on the performance of HAR are selected. Furthermore, the ensemble learning system based on optimized sensor deployment is constructed for HAR. Experimental results on two datasets show that the proposed IBGSO-based multi-sensor deployment approach can select a smaller number of sensor sources while achieving better performance than the ensemble of all sensors and other optimization-based selective ensemble approaches.

1. Introduction

Wearable sensor-based human activity recognition (HAR) systems have gained incredible popularity in many human-centered applications such as assisted living [1], intelligent interactive applications [2], athletic activities training [3,4] and factory workers monitoring [5]. Through sensors-based HAR system, accurate and reliable information of people’s activity can be provided for ensuring a safe and sound living environment [6]. Compared with video-based HAR systems, sensor-based HAR systems, which are mainly based on sensing technologies, microelectronics and wireless communication technologies, have more advantages. Video-based HAR systems are not practical in many indoor environments especially when illumination and privacy are considered. In addition, video-based approaches only monitor users in the camera’s specific area. Sensor-based HAR is a challenging but promising research area which has been drawing the attention of researchers from the community of ubiquitous computing, machine learning, medical and healthcare.
Recently, considerable research of HAR has demonstrated the potential of multi-sensor fusion for wearable activity recognition [7,8]. In general, placing various sensors on multiple body parts can allow to obtain richer activity information, which could help improve the performance and robustness of HAR. However, in many real-world applications, it is not practical to deploy numerous sensors on multiple positions of the body. This will not only increase the equipment costs but also bring obtrusions for elderly users, especially those who can live independently. Moreover, as the sensor-based HAR applications typically require a large amount of data to be processed, arranging more sensors will increase the communication burden and consequently the power consumption. Last but not the least, the contribution of each sensor depends on the application and the type of activities to be recognized. Some sensors may bring limited improvement on the recognition performance while increasing the amount of data processing [9]. Therefore, a research-worthy problem for the multi-sensor fusion-based HAR is how to evaluate the performance of sensor nodes and minimize the number of sensors required to HAR to realize the overall configuration optimization of the multi-sensor system.
Generally speaking, in terms of the data processing level of abstraction, multi-sensor fusion strategies can be mainly categorized into three types: data-level fusion [10], feature-level fusion [11] and decision-level fusion [12]. As the lowest level of abstraction, data-level fusion combines the raw data from the multiple wearable sensors directly. A large number of parameters, such as the number of sources, sampling rate and sensing synchronization, are affected by the design choices of sensor fusion method. Considering the system energy consumption, most techniques transform data after extracting features from the sensor node as there is limited number of activities to recognize. Feature-level fusion creates a new high-dimension feature vector based on features from different sensor nodes. Feature selection algorithms are typically useful in the pattern recognition and machine learning community. It is difficult to optimize the layout of sensors in the feature-level fusion because this will change the dimension of the newly created feature vector. Among these three fusion levels, decision-level fusion outputs a unique decision according to the local decision of multiple (homogeneous or heterogeneous) sensors. The main advantages of decision-level fusion include communication bandwidth saving and improved decision accuracy. Therefore, there are many multi-sensor-based HAR studies that have focused on optimizing the decision-level fusion process of multi-sensors.
Over the years, ensemble learning has demonstrated great potential for the improvement of many real-world applications [13,14]. The main idea of ensemble learning is to combine multiple base learners to enhance performance. Ensemble learning builds a classification model in two steps. The first step is to establish a set of basic classifiers. In the second step, the decision information of each basic classifier is merged to give the final decision of the ensemble using a combiner function. However, the improvement of ensemble learning system is not proportional to the number of base classifiers. There would be 2M − 1 nonempty base classifier subsets if a classifier pool contains M base classifiers. This makes selecting a subset of the classifier with the optimal performance an NP-complete problem.
Selective ensemble, which is also known as ensemble pruning, is an approach for extracting a subset of classifiers that optimizes the performance of ensemble learning system. Ensemble pruning approaches can be categorized into three main groups: ordering-based [15,16], optimization-based [17], and clustering-based [18] pruning approaches. Ordering-based selection is first based on an evaluation measure (or criterion) that ranks every classifier and then aggregates the ensemble members whose ranks are above a predefined threshold. Clustering-based pruning approaches consists of a clustering technique, which allows identifying a set of representative classifiers that compose the pruned ensemble. Although these methods have less computational cost, the ensemble performance may not be optimal. In addition, for the above two approaches, there is no ideal way to choose the scale of the ensemble learning system. Comparatively, optimization-based approach treats ensemble pruning as an optimization problem, which makes it easier to obtain the optimal ensemble. In addition, there are many heuristic algorithms that can be used as a searching strategy to find the optimal sub-ensemble, such as the genetic algorithm (GA) [19], particle swarm optimization (PSO) [20], ant colony optimization (ACO) [21] and glowworm swarm optimization (GSO) [22]. However, there are few studies [23] that applied the effective optimization-based pruning approach to design the layout of the multi-sensor for HAR system.
In this study, we design a multi-sensor-based HAR framework which combines the advantages of decision-level fusion and selective ensemble to address the aforementioned challenges. In this proposed HAR framework, the selective ensemble approaches can be applied to reduce the scale of ensemble sensors and improve the effectiveness of the decision-level fusion. Furthermore, to improve the search ability and global convergence of the optimization-based approach, we proposed a novel optimization-based selective ensemble approach, which is named the improved binary glowworm swarm optimization (IBGSO) approach, for selecting the most optimal set of base classifiers automatically. In this way, the sensor combination for the most important parts of the body can be optimized, which will boost the performance of the multi-sensor-based HAR system. The proposed system is demonstrated to be able to achieve the balance of HAR performance and the number of sensors. The main contributions of this paper are as follows:
(1)
Activity recognition framework: we design a multi-sensor-based HAR framework in which the sensor deployment can be optimized to find a tradeoff between the number of sensors and system performance.
(2)
A novel optimization-based selective approach IBGSO: in order to improve the search ability and global convergence, we propose a novel optimization-based selective approach IBGSO for the multi-sensor-based HAR framework. Compared with the other three state-of-the-art optimization-based selective approaches, the proposed IBGSO approach can help us to comprehensively understand the crucial positions and sensors for the performance of HAR.
(3)
Experimental evaluation: we conduct extensive experiments and obtain several valuable results that can help researchers make better decisions in utilizing sensors and positions for multi-sensor-based HAR.

2. Related Works

Considerable research has demonstrated the potential of body sensor networks (BSNs) in many physical activity monitoring applications. However, since many activity monitoring applications require sophisticated signal processing, feature extraction and recognition algorithms, the design and optimization of BSN still remain a challenging task. For example, the complex sensory data, especially when these data are uncertain or even incomplete, make the majority voting and naive Bayes fusion methods in decision-level unsuitable for HAR. Recently, Chen et al. [24] proposed a new method based on the Dempster–Shafer theory to improve human action recognition by using the fusion of depth camera and inertial sensors. However, this work ignored that there exists an assumption that the hypotheses considered should be exclusive, which is not applicable to HAR. Dong et al. [25] designed a robust and intelligent sensor fusion strategy based on the Dezert-Smarandache theory for HAR. In this framework, the missing data of the involved sensors are treated as ignorant without manual interpolation or intervention. Boutellaa et al. [26] introduced a multi-wearable sensor-based fall detection system which applied the covariance matrix and neighbor classification techniques to process the signals. The covariance matrix-based processing is beneficial for improving the recognition performance and has improved the mean accuracy of fall detection. Guo et al. [27] introduced a hierarchical data fusion model for HAR by using multiple wearable inertial sensors. In this model, two levels, namely basic classification and a fusion layer, were utilized to analyze the information from the multiple sensors. It is shown that using the entropy-based weight and feature selection can reduce the errors in the decision phase.
In addition to the conventional machine learning algorithms, the recently developed ensemble learning has also been proved to be effective for the task of HAR. Chen et al. [13] proposed a novel ensemble extreme learning machine (ELM) algorithm for HAR based on smartphone sensors. To enhance the diversity among each base ELM, the Gaussian random projection is applied in the novel ensemble algorithm to initialize the input weights of base ELMs. Experiments have demonstrated that the proposed algorithm boosts the performance of ensemble learning. Gibson et al. [28] proposed an accelerometer-based fall detection framework that utilizes multiple classifiers to improve the fall detection and diagnostic performance. The multi-classifier system demonstrated significant performance advantages compared with other classification methods. The performance of five types of ensemble classifiers which employed support vector machine (SVM) and random forest (RF) as the base learners were discussed on HAR [29]. The experiments showed that SVM achieved the highest accuracy rate, 99.22%, based on a random subspace ensemble classifier. Chowdhury et al. [30] compared the performance of the custom ensemble model and conventional ensemble machine learning methods on HAR. The results showed that a custom ensemble model using weighted majority voting achieves the best performance.

3. Related and Proposed Techniques

3.1. Extreme Learning Machine

In this study, ELMs are utilized as the base classifiers to recognize human activity patterns. Owing to the extremely fast learning speed and the good generalization performance, as a feed-forward neural network, the ELM algorithm proposed by Huang et al. [31] in 2006 has been successfully applied for the task of HAR [13]. Moreover, as the parameters of the algorithm are set randomly, the unstable and diverse results of ELM help to improve the recognition performance of the ensemble learning system.
The structure of ELM includes an input layer, a hidden layer and an output layer, which are shown in Figure 1, where β is a matrix weights between the hidden nodes and the output nodes and w and b are the weights and bias from input nodes to hidden node, respectively. ELM is different from the traditional BP learning method, which iteratively updates the parameters of {w b} according to the gradient of the modeling error. Traditional BP learning methods are not only time-consuming but also have low generalization performance. The ELM algorithm generates the input weights w and bias b randomly and provides a closed-form solution of the output layer weights using the least-squares method.

3.2. Multi-Sensor Fusion with an Ensemble Learning System

Most works on multi-sensor fusion are based on decision-level fusion. Compared with the other two fusion methods, decision-level fusion can process heterogeneous sensor information with less communication bandwidth consumption. Correspondingly, this paper is based on the decision-level fusion method, which combines the information of several simple classifiers and establishes an ensemble system that includes a one-to-one relationship between classifiers and sensors. The designed structure of multi-sensor fusion with ensemble learning system is shown in Figure 2.
The core idea of ensemble learning is to combine multiple base learners to improve the performance. For base classifier generation, an important principle is the diversity among base classifiers, which can improve the performance of an ensemble system by mining salient information with respect to different perspectives. Generally, there are three approaches to generate the basic classifiers with diversity in the ensemble learning system, as shown in Figure 2. The first is to train the base classifiers with different training datasets such as Bagging, Boosting and random subspace. The second is to construct base classifiers with different feature sets. The last one is to enhance the diversity among base classifiers and performance of the ensemble system by an objective function or evaluative criteria, such as some effective pruning approaches [15,16,17,18].
Base on the approaches mentioned above, this work utilizes two of the above approaches. In the base classifier generation phase, the training of base ELM classifier is realized by data from different body positions, which makes each position on the body correspond to a base classifier in the ensemble learning system. After that, we applied the proposed selective ensemble approach IBGSO to find the optimal set of classifiers to optimize the dense multi-sensor deployment. In this phase, the sensor layout optimization problem is transformed into an ensemble pruning problem. With the optimization of the ensemble learning system, we can utilize the proposed approach to find the optimal sensor layout.

3.3. The Proposed Optimization-Based Selective Approach IBGSO

3.3.1. Glowworm Swarm Optimization

GSO [32] is an intelligent optimization algorithm, which is based on the phenomenon that the light emitted by glowworms can be used as a signal to attract other glowworms. The algorithm contains a set of glowworms that are randomly distributed in the solution space. Each glowworm is a possible solution represented by its position. The glowworms with high luminosity have higher brightness, which can attract low-brightness glowworms. In this way, the global optimization of the algorithm can be achieved. The basic steps are as follows.
Step 1. Initialize the basic parameters of the GSO. These parameters include population size g, fluorescein volatilization factor ρ, fluorescein update rate γ, update rate β of the dynamic decision domain, the set of glowworms Ni(t) in the decision domain, threshold nt for the number of glowworms in the neighborhood, perception radius rs and move step s.
Step 2. The fitness value of the glowworm i at the tth iteration is converted into the fluorescein value with the following formula:
l i ( t ) = ( 1 ρ ) l i ( t 1 ) + γ J ( X i ( t ) )
where ρ is the fluorescein decay constant belonging to (0, 1) and γ is the fluorescein enhancement constant.
Step 3. Each glowworm selects individuals with higher brightness than itself within its dynamic decision radius r d i ( t ) to form its neighbor set Ni(t).
Step 4. Calculate the probability pij(t) of the glowworm Xi(t) moving to the glowworm Xj(t) in its dynamic decision radius by Equation (2):
p i j ( t ) = l j ( t ) l i ( t ) k N i ( t ) l k ( t ) l i ( t )
Step 5. Update the position of glowworm Xi(t) by Equation (3):
X i ( t + 1 ) = X i ( t ) + s × [ X j ( t ) X i ( t ) X j ( t ) X i ( t ) ]
Step 6. Update the dynamic decision radius of the glowworm Xi(t) by Equation (4):
r d i ( t + 1 ) = min { r s , max { 0 , β × ( n t | N i ( t ) | ) } }

3.3.2. IBGSO

In order to make the GSO applicable for solving the selective ensemble problem and improve the search ability of the algorithm, this paper proposes IBGSO. Firstly, the movement of glowworms is improved so that GSO can search in a binary discrete space. Secondly, the search behavior of GSO is modified, which can increase the randomness of the algorithm and ensure that the algorithm avoids falling into the local optimum. Finally, mutation behavior is introduced to increase the diversity of the population and improve the search efficiency of the algorithm. These improvements are detailed as follows:
(a)
Bulletin board
A bulletin board is added to the algorithm to record the best position and corresponding fitness value in the iterative process of the algorithm. After each iteration of the algorithm, the bulletin board will be updated if the best fitness value in the population is better than the best value in the bulletin board.
(b)
Improvement of steps
The GSO does not have the ability to search for the optimal solution in a binary space. Thus, to deal with a discrete combinatorial optimization problem, the move method of the glowworm should be changed. In this paper, we attempt to change the position of glowworms using probability. In the tth iteration of the proposed IBGSO algorithm, let x i ( t ) = [ x i 1 ( t ) , x i 2 ( t ) , , x i n ( t ) ] be the position of the current glowworm and x j ( t ) = [ x j 1 ( t ) , x j 2 ( t ) , , x j n ( t ) ] be the position of the target glowworm that xi(t) will move to. When the position update is performed, the status of the position is changed according to a certain probability. The position update can be expressed mathematically as:
x i k ( t + 1 ) = { x i k ( t ) , r p 1 x j k ( t ) , p 1 < r < p 2 r 0 , r p 2
where p1 and p2 ∈ [0, 1] are both selected parameters for the update formula, r is a random number between (0, 1) and r0 is the a random number of 0 or 1, k = 1, 2, …, n.
(c)
Improvement of search behavior
In order to improve the convergence speed and the performance of the algorithm, this paper improve the search behavior as follows. In the tth iteration, the glowworm xi(t) respectively moves to the best position in the bulletin board, the optimal position of glowworm in the decision domain and a random position in the decision domain. These positions are marked as xi(t + 1), x’’i(t + 1) and x’’’i(t + 1). Then, the best one of the xi(t + 1), x’’i(t + 1) and x’’’i(t + 1) will be the position of xi(t + 1).
(d)
Mutation behavior
In the iterative process, if the glowworms population gathers seriously at the local optimal value point, the algorithm will easily be trapped in a local optimum, which will affect its convergence. In order to improve the diversity of the GSO algorithm and overcome the problem of premature convergence, this paper introduces the mutation operation, which is described as in Formula (6):
x i d = { x i d ˜   if   rand ( ) R x i d   otherwise
In the formula, R represents the probability of mutation and rand() is a random number uniform distributed between (0, 1). The heuristic algorithm is required to have a strong global search ability in the early stage and a strong local search ability in the later stage. Based on the above consideration, the early mutation rate of the proposed algorithm should be larger, and the late mutation rate should be smaller. Therefore, a decreasing strategy is adopted in this paper, as described in Formula (7):
R = ( 1 t t max ) 2
In the formula, t is the index of the current iteration and tmax is the maximum number of iterations.
The flowchart of the proposed improved binary glowworm swarm algorithm is shown in Figure 3.

4. Optimizing the Sensor Deployment Based on the Proposed IBGSO Selective Ensemble Approach

Based on selective ensemble learning and multi-sensor fusion on decision-level, this study proposes a sensor layout optimization scheme for HAR and a corresponding ensemble pruning approach. The proposed HAR structure can make use of the information from multiple body positions and find the optimal sensor subset according to the required performance of the system adaptively. The designed framework of multi-sensor-based HAR with a selective ensemble is specifically illustrated in Figure 4.
As shown in Figure 4, we have established a one-to-one mapping relationship between sensors and classifiers, while the sensor layout optimization problem can be regarded as a selective ensemble problem for the ensemble learning system. The optimal classifier set is selected by the proposed IBGSO approach and the corresponding optimal sensor position can be determined. The proposed method mainly includes the following steps:
(1)
Obtain the feature set of each activity from different positions. In consideration of the requirements of the performance and efficiency of the HAR system, in this work, the maximum, minimum, mean value, root mean square, standard deviation σ, skewness S, kurtosis K and the signal energy E are utilized as feature construction. Some of these features can be expressed as follows:
m e a n = 1 N i = 1 N a i
σ = 1 N i = 1 N ( a i m e a n ) 2
K = 1 N i = 1 N ( a i m e a n ) 4 / σ 4
S = 1 N i = 1 N ( a i m e a n ) 3 / σ 3
E = i = 1 N | a i | 2
R M S = 1 N ( a 1 2 + a 2 2 + a N 2 )
where ai is the acceleration data, i = 1, 2, …, N. N is the number of data points. After feature extraction, all features were normalized to the interval [0, 1] to eliminate the impact of the range difference.
(2)
Generate various individual classifiers. The activity data corresponding to the different positions of the body is employed to initially establish the ELMs. Moreover, the aggregating concept is utilized to combine the trained base ELMs. In this work, the ensemble learning model for HAR is, thus, built with multiple basic classifiers corresponding to positions and we utilize the majority voting method to fuse the decision information of different positions of the body.
(3)
Select the optimal subset of ELMs by the proposed IBGSO method.
After the IBGSO parameter initialization, the optimization process for the optimal ensemble subset begins. This work utilizes a binary encoding method (a combination of 0 and 1), which can represent the state of the base ELMs selection. Let binary strings C = { c 1 ,   c 2 ,   ,   c M } express the original base ELMs ensemble and M be the number of ELMs. If ci = 1, then it represents that the ith base ELM is selected; if ci = 0, it indicates that the ith base ELM is not selected. Therefore, the modified IBGSO algorithm can deal with the selective ensemble. For each glowworm, the bits in the binary strings can represent whether the base ELMs corresponding to the poisons will be selected.
The sensor layout is optimized to reduce the placement of sensors and improve the performance of the multi-sensor motion recognition system. Therefore, when evaluating the sensor layout, their recognition accuracy is taken as an important reference factor in this work. In addition, we take the scale of the ensemble system (that is, the number of sensors) as another secondary optimization goal, so we introduce a new fitness function as follows:
f i t n e s s = ω × A t r ( 1 ω ) m M
where Atr is the training accuracy, M is the total number of ELMs, m is an integer that satisfies 0 < m M and represents the number of selected ELMs and ω is a weighting factor which is slightly less than 1. If the two ensemble subsets have the same accuracy, the ensemble subset with fewer base ELMs will have a lager fitness value. For each glowworm, the fitness value is calculated as the function (14) and the base classifier combination corresponding to the maximum fitness function will be obtained.
(4)
Employ the selective ensemble system with optimized sensor layout to HAR
The proposed HAR method combines multiple classifiers, which are constructed by activity data from different body positions. Moreover, through the proposed optimization-based classifier selection approach IBGSO, we can reduce the number of sensors and ensure that the system has better recognition performance. Therefore, the proposed HAR method has high practicability, which can realize the optimal performance of multi-sensor system with a minimum number of sensors.

5. Datasets and Experimental Setup

5.1. Datasets

We utilized two real activity recognition datasets, which were collected from on-body sensors. The first dataset contains various sensor nodes on the body positions, which is beneficial for our work for the variety of the optimization performance of the sensor layout. The second dataset has many kinds of activity; we can utilize this dataset to check the HAR performance of our work. The details of the datasets are described as described below.
The OPPORTUNITY dataset contains the data of human daily activities recorded by 72 sensors of 10 modalities, integrated with the environment, in objects and on the body. The details of the sensor dataset can be found in the OPPORTUNITY UCI dataset. In this work, we only utilized the data acquired from wearable sensors of body sensor networks, which consisted of 7 inertial measurement units (IMU) sensors and 12 3-axis accelerometers. The sensor types and their body positions utilized in this work are shown in Table 1. There are various sensor types in the table, which include an accelerometer (Acc), gyro (Gyro), magnetic (Magn), quaternion (Quat), Eu, Nav, Body, AngVelBodyFrame and AngVelNavFrame. For the processing of missing data in this dataset, we set the data recordings to zero if more than half the data were missing and copied the previous data if a small piece of the data was missing. We utilized this dataset to recognize four kinds of daily activities including standing (A1), walking (A2), sitting (A3) and lying down (A4), which were performed by the four subjects five times. Then, the sliding window of 0.5 s was utilized to divide the signal and a 50% overlap between adjacent windows was adopted.
Daily and sports activities dataset (DSA). This dataset consists of multi-sensor activity data from the torso (T), right arm (RA), left arm (LA), right leg (RL) and left leg (LL) collected by the MTx unit. Each MTx unit has a tri-axial accelerometer, a tri-axial gyroscope and a tri-axial magnetometer. The sensor types and their body positions are shown in Table 2. The dataset has 19 kinds of activities, which are shown in Table 3. Each activity listed in Table 3 is performed by eight volunteer subjects (four female, four male; ages 20–30) for 5 min. The MTx sensor units are calibrated to acquire data at 25 Hz sampling frequency. The 5 min signals are divided into 5 s segments so that 480 (60 × 8) signal segments are obtained for feature extraction.

5.2. Performance Evaluation

The performance evaluations implemented in this study are briefly introduced as follows:
Accuracy is calculated as the ratio of the number of samples correctly classified by the classifier and the total number of all the samples and can measure the overall performance of a classifier as shown in Equation (15):
Accuracy   = T P + T N T P + T N + F P + F N
where the variables TP, TN, FP and FN, respectively, represent the number of true positive, true negative, false positive and false negative outcomes in a given experiment. In addition, F1 evaluation criteria are also considered and are defined as the combination of the precision and the recall. Precision represents the proportion of true positive samples among all samples classified as positive. Recall represents the proportion of all the positive samples that are classified as positive samples. The precision, recall and F1 are calculated as follows:
precision   = T P T P + F P
recall = T P T P + F N
F 1 = 2   ×   recall   ×   precision recall   +   precision

5.3. Experiment Setup

In this work, we utilized the subject-based leave-one-out cross validation method to verify our proposed HAR approach. This approach takes a different subject out for testing in each repetition and the data from the rest subjects are utilized for training until all the data from subjects have been utilized for testing. The parameters of IBGSO are set as follows: fluorescein volatilization factor ρ = 0.4, fluorescein update rate γ = 0.6, dynamic decision domain update rate β = 0.08, threshold nt = 5 and the maximum number of iterations tmax = 300, p1 = 0.15 p2 = 0.85.

6. Experimental Results

In order to verify the effeteness of the proposed approach for optimizing the sensor layout of the multi-sensor HAR system, we compared it with the following algorithms: GA (Genetic algorithm) [33], BAFSA (Binary artificial fish swarm algorithm) [34] and BGSO (Binary glowworm swarm optimization) [35]. All of the aforementioned heuristic algorithms are binary searching algorithms. The maximum number of iterations and the population size for these four algorithms are all set to the same.

6.1. Experiment 1: OPPORTUNITY Dataset

Table 4 and Table 5 show the sensor selection results of the randomly selected two subjects, respectively, by utilizing the proposed and the comparative approaches. For each subject, we perform the experiment five times to scientifically verify the effectiveness of the proposed approach. It is apparent that the number and the set of classifiers (sensors) selected by the four algorithms differ with subjects. Among the results of the four algorithms, the number of classifiers (sensors) selected by IBGSO approach is between 9 and 13. GA selects 13 to 16 classifiers (sensors). Compared with the GA, the BAFSA and BGSO approaches normally decreases on average 2 to 4 sensors and 3 to 5 classifiers (sensors), respectively. For a specific subject, the number of the classifiers (sensors) obtained by the proposed IBGSO approach is the smallest, which demonstrates that the proposed approach has a strong search ability and can reduce the ensemble scale of base classifiers (sensors) effectively.
Figure 5 shows the fitness evolutionary curves of the four heuristic algorithms. From Figure 5, it can be seen that the proposed IBGSO has better convergence and search performance than the other three binary heuristic algorithms overall. In the early phase of the algorithm iteration, the proposed algorithm has a rapid improvement of fitness value compared with the other three algorithms. In the middle phase of the algorithm iteration, the fitness value slowly increases and until the latter phase of the iteration, the fitness curve, levels off. After the 250th iteration, the fitness value of IBGSO cannot be significantly improved.
According to the sensor selection results of the four optimization approaches, Table 6 and Table 7 respectively show their average testing performance, including the accuracy and F1 of the four subjects. It can be seen from Table 6 and Table 7 that the set of classifiers (sensors) obtained by the proposed IBGSO approach can attain the best performance among all the approaches on most subjects, except subject 2. The performance achieved by IBGSO for subject 2 is slightly less than the ensemble of all approaches, but the number of classifiers (sensors) utilized by IBGSO is significantly less than the ensemble of all approaches; this will be described in more detail below. For a lightweight and robust multi-sensor system, it is worthwhile to achieve a more ideal recognition performance with fewer sensors. In addition, the results show that the ensemble of all the classifiers (sensors) fail to obtain the best performance on most subjects, which demonstrates that using all classifiers (sensors) may not give the best system performance.
Table 8 shows the average testing performance for all subjects with regard to the accuracy, F1 and the ensemble size; it can be seen from Table 8 that IBGSO has a better performance than the other three approaches using a lower number of classifiers (sensors). For the proposed IBGSO, more than 75% of the classifiers (sensors) are pruned. From the results of the ensemble size and performance, it can be seen that the four optimization approaches differ greatly in the number of selected classifiers (sensors) and performance; the number of sensors is not the only condition for improving recognition performance. The proposed IBGSO-based approach helps us to optimize the sensor layout and achieve the trade-off between the number of sensors and the average performance.
Additionally, the confusion matrixes for the ensemble of all approaches and the proposed IBGSO-based ensemble are constructed in Figure 6 to show a better insight into the effectiveness of the proposed method in optimizing sensor deployment. Figure 6a shows the result of the ensemble of all approaches and Figure 6b shows the results of the proposed approach. It can be seen from the comparison that there are major confusions among activities, such as A1 and A3, A2 and A3 and A2 and A4 in the ensemble of all approaches, while the proposed IBGSO-based approach increases the discrimination of these activities. Therefore, the HAR method proposed in this paper can effectively reduce the number of sensors and improve the recognition performance.

6.2. Experiment 2: Daily and Sports Activities Dataset

In this dataset, as each direction component of the three kinds of sensors (accelerometer, gyroscope, magnetometer) is regarded separately as a sensor (Table 2), we can find the optimal set of the sensor orientation components using data from five body parts with the proposed IBGSO approach. Table 9 and Table 10 respectively show the combination of sensor orientation components that have an important impact on the HAR performance, obtained by using the four optimization approaches based on two randomly selected subjects. For each subject, we performed the experiment five times. It can be seen from the Table 9 and Table 10 that the size of the classifiers (sensors) obtained by the proposed IBGSO approach is between 13 and 16, which is the smallest compared with the other three algorithms. This result is similar to the OPPORTUNITY dataset. Moreover, it can be seen that no matter which approach is adopted, the components of the tri-axial accelerometer from the torso (T) are always selected. However, the components of the tri-axial accelerometer from other positions are not. Therefore, the tri-axial accelerometer on the torso is recommended to be deployed in a multi-sensor-based system for HAR.
Figure 7 shows the fitness evolutionary curves of the four heuristic algorithms when the daily and sports activities dataset is utilized. It can be seen from Figure 7 that the fitness values of the four optimization algorithms are improved with the iteration times and the proposed IBGSO produces a similar performance trend to Figure 5 during the iteration process. Overall, the proposed IBGSO is superior to the other three algorithms in terms of convergence and search performance.
Based on the selection results of the sensor properties and the direction components from five body positions, the average testing performances of the four optimization approaches for the four randomly selected subjects are shown in Table 11 and Table 12. It can be seen that the proposed IBGSO can attain the best performance among all the approaches on the randomly selected subjects. Therefore, this demonstrates that the proposed IBGSO approach is also effective when applied to the daily and sports activities dataset.
The ensemble sizes and the testing performances of the four algorithms are shown in Table 13 when the daily and sports activities dataset is utilized. It can be seen that IBGSO selects the lowest number of classifiers (sensors), while GA uses the highest number of classifiers (sensors) among the three optimized approaches. Moreover, IBGSO has better performance than the other three approaches using a smaller number of classifiers (sensors). For the daily and sports activities dataset, more than 70% of the classifiers (sensors) are pruned by using IBGSO. Therefore, it can be concluded that IBGSO is also the optimum approach on this dataset.
Figure 8 shows the confusion matrixes for ensemble all and proposed IBGSO-based ensemble on DSA. From the left matrix, we can see that there are many activities that have been misrecognized. For example, A1 is easily recognized as A9, A5 is easily recognized as A6 and A10 is easily recognized as A11. From the right one, minor confusions can be seen from these activities. Therefore, this demonstrates that the proposed approach for optimizing sensor deployment is also effective for the DSA dataset, which contains various kinds of activities.

7. Conclusions

This paper addresses the challenge of the HAR problem in the multi-sensor network from the perspective of optimization sensor deployment to gain a tradeoff among computational complexity and performance for a multi-sensor-based HAR system. We designed a multi-sensor-based HAR framework and proposed a novel optimization-based selective approach IBGSO to select the most crucial positions and sensors for HAR. Extensive experiments on two wearable sensor-based HAR datasets (OPPORTUNITY dataset and DSA) demonstrated the superiority of the proposed approach. For these two datasets, respectively, 0.926 accuracy and 0.946 F1 with an average of 10.8 sensors and 0.842 accuracy and 0.875 F1 with an average of 13.4 sensors. The representative sensors selected by the proposed optimization-based selective approach IBGSO have the advantages of a smaller number of classifiers and better performance compared with other optimization-based approaches.
In future work, we will explore the performance of the proposed method of the sensor deployment optimization on certain specific activities such as fall or gait, which will have beneficial significance for the clinical diagnosis of some diseases such as stroke and movement disorders. In addition, in the future we will attempt to modify the proposed IBGSO approach and find other heuristic algorithms for optimizing the sensor deployment.

Author Contributions

Conceptualization, Y.T.; formal analysis, Y.T.; methodology, Y.T.; supervision, J.Z.; writing—original draft, Y.T.; writing—review & editing, J.Z. Both authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by China Scholarship Council (201806700006), National Natural Science Foundation of China (NO. 61803143 and 61703135).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. De, P.; Chatterjee, A.; Rakshit, A. Recognition of human behavior for assisted living using dictionary learning approach. IEEE Sens. J. 2018, 18, 2434–2441. [Google Scholar] [CrossRef]
  2. Zhu, C.; Sheng, W. Wearable sensor-based hand gesture and daily activity recognition for robot-assisted living. IEEE Trans. Syst. Man Cybern. Part A-Syst. Hum. 2011, 41, 569–573. [Google Scholar] [CrossRef]
  3. Wang, Z.L.; Guo, M.; Zhao, C. Badminton stroke recognition based on body sensor networks. IEEE Trans. Hum. Mach. Syst. 2016, 46, 769–775. [Google Scholar] [CrossRef]
  4. Mooney, R.; Corley, G.; Godfrey, A.; Quinlan, L.R.; ÓLaighin, G. Inertial sensor technology for elite swimming performance analysis: A systematic review. Sensors 2016, 16, 18. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Akhavian, R.; Behzadan, A.H. Smartphone-based construction workers’ activity recognition and classification. Autom. Constr. 2016, 71, 198–209. [Google Scholar] [CrossRef]
  6. Du, Y.; Lim, Y.; Tan, Y. A novel human activity recognition and prediction in smart home based on interaction. Sensors 2019, 19, 4474. [Google Scholar] [CrossRef] [Green Version]
  7. Aguileta, A.A.; Brena, R.F.; Mayora, O.; Molino-Minero-Re, E.; Trejo, L.A. Multi-sensor fusion for activity recognition-a survey. Sensors 2019, 19, 3808. [Google Scholar] [CrossRef] [Green Version]
  8. Nweke, H.F.; Teh, Y.W.; Mujtaba, G.; Al-garadi, M.A. Data fusion and multiple classifier systems for human activity detection and health monitoring: Review and open research directions. Inf. Fusion 2019, 46, 147–170. [Google Scholar] [CrossRef]
  9. Javed, A.R.; Sarwar, M.U.; Khan, S.; Iwendi, C.; Mittal, M.; Kumar, N. Analyzing the effectiveness and contribution of each axis of tri-axial accelerometer sensor for accurate activity recognition. Sensors 2020, 20, 2216. [Google Scholar] [CrossRef] [Green Version]
  10. Zhu, C.; Sheng, W. Human daily activity recognition in robot-assisted living using multi-sensor fusion. In Proceedings of the Robotics and Automation, Kobe, Japan, 12–17 May 2009; pp. 2154–2159. [Google Scholar]
  11. Khan, A.M.; Tufail, A.; Khattak, A.M.; Laine, T.H. Activity recognition on smartphones via sensor-fusion and kda-based svms. Int. J. Distrib. Sensor Netw. 2014, 10, 1–14. [Google Scholar] [CrossRef]
  12. Wang, Y.; Cang, S.; Yu, H. A survey on the wearable sensor modality centred human activity recognition in health care. Expert Syst. Appl. 2019, 137, 167–190. [Google Scholar] [CrossRef]
  13. Chen, Z.H.; Jiang, C.Y.; Xie, L.H. A novel ensemble ELM for human activity recognition using smartphone sensors. IEEE Trans. Ind. Inf. 2019, 15, 2691–2699. [Google Scholar] [CrossRef]
  14. Li, X.Q.; Jiang, H.K.; Niu, M.G.; Wang, R.X. An enhanced selective ensemble deep learning method for rolling bearing fault diagnosis with beetle antennae search algorithm. Mech. Syst. Signal Process. 2020, 142, 106752. [Google Scholar] [CrossRef]
  15. Guo, H.; Liu, H.; Li, R.; Wu, C.; Guo, Y.; Xu, M. Margin & diversity based ordering ensemble pruning. Neurocomputing 2018, 275, 237–246. [Google Scholar]
  16. Galar, M.; Fernández, A.; Barrenechea, E.; Bustince, H.; Herrera, F. Ordering-based pruning for improving the performance of ensembles of classifiers in the framework of imbalanced datasets. Inf. Sci. 2016, 354, 178–196. [Google Scholar] [CrossRef]
  17. Zhang, T.; Dai, Q.; Ma, Z. Extreme learning machines’ ensemble selection with GRASP. Appl. Intell. 2015, 43, 439–459. [Google Scholar] [CrossRef]
  18. Yu, J.; Yang, M. Deterministic annealing Gustafson-Kessel fuzzy clustering algorithm. Inf. Sci. 2017, 417, 435–453. [Google Scholar]
  19. Nyathi, T.; Pillay, N. Comparison of a genetic algorithm to grammatical evolution for automated design of genetic programming classification algorithms. Expert Syst. Appl. 2018, 104, 213–234. [Google Scholar] [CrossRef]
  20. Chen, Y.; Li, L.; Xiao, J.; Yang, Y.; Liang, J.; Li, T. Fault diagnosis for rotary machinery with selective ensemble neural networks. Mech. Syst. Signal Process. 2018, 113, 112–130. [Google Scholar]
  21. Engin, O.; Güçlü, A. A new hybrid ant colony optimization algorithm for solving the no-wait flow shop scheduling problems. Appl. Soft Comput. 2018, 72, 166–176. [Google Scholar] [CrossRef]
  22. Ding, S.; An, Y.; Zhang, X.; Wu, F.; Xue, Y. Wavelet twin support vector machines based on glowworm swarm optimization. Neurocomputing 2017, 225, 157–163. [Google Scholar] [CrossRef]
  23. Cao, J.J.; Li, W.F.; Ma, C.C.; Tao, Z.W. Optimizing multi-sensor deployment via ensemble pruning for wearable activity recognition. Inf. Fusion. 2018, 41, 68–79. [Google Scholar] [CrossRef]
  24. Chen, C.; Jafari, R.; Kehtarnavaz, N. Improving human action recognition using fusion of depth camera and inertial sensors. IEEE Trans. Hum. Mach. Syst. 2015, 45, 51–61. [Google Scholar] [CrossRef]
  25. Dong, Y.L.; Li, X.D.; Dezert, J.; Khyam, M.O.; Noor-A-Rahim, M.; Ge, S.S. Dezert-Smarandache theory-based fusion for human activity recognition in body sensor networks. IEEE Trans. Ind. Inform. 2020, 16, 7138–7149. [Google Scholar] [CrossRef]
  26. Boutellaa, E.; Kerdjidj, O.; Ghanem, K. Covariance matrix based fall detection from multiple wearable sensors. J. Biomed. Inform. 2019, 94, 103189. [Google Scholar] [CrossRef]
  27. Guo, M.; Wang, Z.L.; Yang, N.; Li, Z.L.; An, T.T. A Multisensor multiclassifier hierarchical fusion model based on entropy weight for human activity recognition using wearable inertial sensors. IEEE Trans. Hum. Mach. Syst. 2019, 49, 105–111. [Google Scholar] [CrossRef]
  28. Gibson, R.M.; Amira, A.; Ramzan, N.; Casaseca-de-la-Higuera, P.; Pervez, Z. Multiple comparator classifier framework for accelerometer-based fall detection and diagnostic. Appl. Soft Comput. 2016, 39, 94–103. [Google Scholar] [CrossRef]
  29. Abd Rahim, K.N.K.; Elamvazuthi, I.; Izhar, L.I.; Capi, G. Classification of human daily activities using ensemble methods based on smartphone inertial sensors. Sensors 2018, 18, 4132. [Google Scholar] [CrossRef] [Green Version]
  30. Chowdhury, A.K.; Tjondronegoro, D.; Chandran, V.; Trost, S.G. Ensemble methods for classification of physical activities from wrist accelerometry. Med. Sci. Sports Exerc. 2017, 49, 1965–1973. [Google Scholar] [CrossRef] [Green Version]
  31. Huang, G.B.; Zhu, Q.Y.; Siew, C.K. Extreme learning machine: Theory and applications. Neurocomputing 2006, 70, 489–501. [Google Scholar] [CrossRef]
  32. Krishnanand, K.N.; Ghose, D. Glowworm swarm optimisation: A new method for optimizing multi-modal functions. Int. J. Comput. Intell. Stud. 2009, 1, 93–119. [Google Scholar] [CrossRef]
  33. Zhou, Z.H.; Wu, J.; Tang, W. Ensembling neural networks: Many could be better than all. Artif. Intell. 2002, 137, 239–263. [Google Scholar] [CrossRef] [Green Version]
  34. Singhal, P.K.; Naresh, R.; Sharma, V. Binary fish swarm algorithm for profit-based unit commitment problem in competitive electricity market with ramp rate constraints. IET Gener. Transm. Distrib. 2015, 9, 1697–1707. [Google Scholar] [CrossRef]
  35. Ni, Z.; Zhang, C.; Ni, L. A haze forecast method of selective ensemble based on glowworm swarm optimization algorithm. Int. J. Pattern. Recognit. Artif. Intell. 2016, 29, 143–153. [Google Scholar]
Figure 1. The structure of ELM.
Figure 1. The structure of ELM.
Sensors 20 07161 g001
Figure 2. The structure of multi-sensor fusion with an ensemble learning system.
Figure 2. The structure of multi-sensor fusion with an ensemble learning system.
Sensors 20 07161 g002
Figure 3. Flowchart of the proposed improved binary glowworm swarm algorithm.
Figure 3. Flowchart of the proposed improved binary glowworm swarm algorithm.
Sensors 20 07161 g003
Figure 4. The framework of multi-sensor-based human activity recognition (HAR) with an improved binary glowworm swarm optimization (IBGSO) selective ensemble.
Figure 4. The framework of multi-sensor-based human activity recognition (HAR) with an improved binary glowworm swarm optimization (IBGSO) selective ensemble.
Sensors 20 07161 g004
Figure 5. Relationship between the fitness value of the heuristic algorithms and the iterations using the OPPORTUNITY dataset.
Figure 5. Relationship between the fitness value of the heuristic algorithms and the iterations using the OPPORTUNITY dataset.
Sensors 20 07161 g005
Figure 6. Confusion matrices for the ensemble all approach (a) and the proposed IBGSO-based ensemble approach (b) using the OPPORTUNITY dataset.
Figure 6. Confusion matrices for the ensemble all approach (a) and the proposed IBGSO-based ensemble approach (b) using the OPPORTUNITY dataset.
Sensors 20 07161 g006
Figure 7. Relationship between the fitness value of the heuristic algorithms and iterations using the DSA.
Figure 7. Relationship between the fitness value of the heuristic algorithms and iterations using the DSA.
Sensors 20 07161 g007
Figure 8. Confusion matrices for the ensemble all approach (a) and the proposed IBGSO-based ensemble approach (b) using the DSA.
Figure 8. Confusion matrices for the ensemble all approach (a) and the proposed IBGSO-based ensemble approach (b) using the DSA.
Sensors 20 07161 g008
Table 1. The sensor types and their body positions utilized in this work.
Table 1. The sensor types and their body positions utilized in this work.
No.Position/TypeNo.Position/TypeNo.Position/Type
S1RKNˆ/AccS15IMU BACK/MagnS29IMU LLA/Acc
S2HIP/AccS16IMU BACK/QuatS30IMU LLA/Gyro
S3LUAˆ/AccS17IMU RUA/AccS31IMU LLA/Magn
S4RUA/AccS18IMU RUA/GyroS32IMU LLA/Quat
S5LH/AccS19IMU RUA/MagnS33IMU L-SHOE/Eu
S6BACK/AccS20IMU RUA/QuatS34IMU L-SHOE/Nav
S7RKN_/AccS21IMU RLA/AccS35IMU L-SHOE/Body
S8RWR/AccS22IMU RLA/GyroS36IMU L-SHOE/AngVelBodyFrame
S9RUAˆ/AccS23IMU RLA/MagnS37IMU L-SHOE/AngVelNavFrame
S10LUA_/AccS24IMU RLA/QuatS38IMU R-SHOE/Eu
S11LWR/AccS25IMU LUA/AccS39IMU R-SHOE/Nav
S12RH/AccS26IMU LUA/GyroS40IMU R-SHOE/Body
S13IMU BACK/AccS27IMU LUA/MagnS41IMU R-SHOE/AngVelBodyFrame
S14IMU BACK/GyroS28IMU LUA/QuatS42IMU R-SHOE/AngVelNavFrame
Table 2. The sensor types and their body positions in the daily and sports activities dataset (DSA).
Table 2. The sensor types and their body positions in the daily and sports activities dataset (DSA).
No.Pos/TypNo.Pos/TypNo.Pos/TypNo.Pos/TypNo.Pos/Typ
S1T_xaccS10RA_xaccS19LA_xaccS28RL_xaccS37LL_xacc
S2T_yaccS11RA_yaccS20LA_yaccS29RL_yaccS38LL_yacc
S3T_zaccS12RA_zaccS21LA_zaccS30RL_zaccS39LL_zacc
S4T_xgyroS13RA_xgyroS22LA_xgyroS31RL_xgyroS40LL_xgyro
S5T_ygyroS14RA_ygyroS23LA_ygyroS32RL_ygyroS41LL_ygyro
S6T_zgyroS15RA_zgyroS24LA_zgyroS33RL_zgyroS42LL_zgyro
S7T_xmagS16RA_xmagS25LA_xmagS34RL_xmagS43LL_xmag
S8T_ymagS17RA_ymagS26LA_ymagS35RL_ymagS44LL_ymag
S9T_zmagS18RA_zmagS27LA_zmagS36RL_zmagS45LL_zmag
Table 3. The kinds of activities in the DSA.
Table 3. The kinds of activities in the DSA.
NO.ActivityNO.ActivityNO.Activity
A1SittingA8Moving aroundA15Cycling on an exercise bike in a horizontal position
A2StandingA9Walking in a parkingA16Cycling on an exercise bike in a vertical position
A3Lying on backA10Walking on a treadmill(4 km/h, flat)A17Rowing
A4Lying on right sideA11Walking on a treadmill(4 km/h, inclined positions)A18Jumping
A5Ascending stairsA12Running on a treadmill (8 km/h)A19Playing basketball
A6Descending stairsA13Exercising on a stepper
A7Standing in an elevatorA14Exercising on a cross trainer
Table 4. Sensor selection results for subject 1 with five runs using the OPPORTUNITY dataset.
Table 4. Sensor selection results for subject 1 with five runs using the OPPORTUNITY dataset.
RunGABAFSABGSOIBGSO
11,4,7,9,10,13,16,17,19,20,22,25,27,35,39,401,4,6,9,10,12,14,17,19,21,25,27,27,351,7,9,13,16,17,20,23,31,37,391,7,9,13,16,17,23,25,31
21,9,11,13,25,16,18,20,22,23,27,35,38,40,2,5,9,10,13,16,20,22,25,31,401,7,9,12,17,20,23,25,27,29,31,371,7,9,13,17,23,29,31,35,37.39
31,2,4,5,6,9,16,17,18,21,23,27,29,31,36,39,40,1,3,7,9,16,17,21,25,28,31,35,38,401,5,7,9,12,17,20,22,23,25,27,291,5,7,9,13,16,17,21,25,27,37,39
41,7,8,12,13,16,17,20,23,28,31,35,391,4,6,7,9,10,12,15,17,19,22,24,28,31,401,4,5,7,9,16,17,20,23,27,35,371,3,5,7,8,16,17,20,23,25,27,35,37
52,5,9,12,17,19,21,25,27,28,31,33,362,6,9,19,12,14,16,17,21,23,25,27,28,35,371,7,9,12,16,17,20,22,31,35,37,391,5,7,13,16,17,22,23,27,31,35,37
Table 5. Sensor selection results for subject 2 with five runs using the OPPORTUNITY dataset.
Table 5. Sensor selection results for subject 2 with five runs using the OPPORTUNITY dataset.
RunGABAFSABGSOIBGSO
11,2,4,7,10,13,15,17,19,20,23,25,28,29,31,342,3,6,7,10,12,13,17,18,19,23,25,29,311,3,6,7,10,13,21,25,27,31,351,2,3,7,10,13,25,28,29,31
21,2,3,7,10,13,17,18,21,25,27,28,29,31,341,2,3,7,10,13,17,25,27,29,311,7,10,13,17,23,25,27,28,29,311,5,7,10,13,17,21,25,27,28,31
31,3,6,7,9,12,14,16,18,19,25,27,29,31,351,2,3,9,10,16,25,27,28,29,35,37,381,3,5,10,12,13,17,19,25,28,291,2,3,7,13,25,27,29,31
41,2,6,7,10,13,14,16,18,25,27,28,29,31,351,2,7,9,10,13,17,21,25,27,29,31,35,381,4,7,9,16,17,20,23,27,352,3,5,7,10,13,21,27,31,35
51,2,4,7,9,10,13,16,19,22,25,27,28,29,31,35,1,2,4,5,7,9,10,13,16,19,25,27,28,31,34,351,3,7,10,13,17,21,25,28,291,2,3,10,13,17,25,27,28
Table 6. Accuracy comparison of the four subjects for the five approaches using the OPPORTUNITY dataset.
Table 6. Accuracy comparison of the four subjects for the five approaches using the OPPORTUNITY dataset.
MethodSubject 1Subject 2Subject 3Subject 4
Ensemble all0.9320.9270.9120.877
GA0.8620.8610.8650.824
BAFSA0.9180.9100.8760.864
BGSO0.9070.8960.9130.892
IBGSO0.9390.9230.9260.916
Table 7. F1 comparison of the four subjects for the five approaches using the OPPORTUNITY dataset.
Table 7. F1 comparison of the four subjects for the five approaches using the OPPORTUNITY dataset.
MethodSubject 1Subject 2Subject 3Subject 4
Ensemble all0.9280.9370.9270.916
GA0.9110.8730.8980.866
BAFSA0.9270.9230.9480.918
BGSO0.9380.9350.9370.934
IBGSO0.9540.9290.9520.949
Table 8. Performance comparison for the five approaches using the OPPORTUNITY dataset.
Table 8. Performance comparison for the five approaches using the OPPORTUNITY dataset.
MethodAccuracyF1Ensemble Size
Ensemble all0.912 0.927 45
GA0.853 0.887 15.4
BAFSA0.8920.929 13.6
BGSO0.902 0.936 12
IBGSO0.926 0.946 10.8
Table 9. Sensor selection results for subject 1 with five runs using the DSA.
Table 9. Sensor selection results for subject 1 with five runs using the DSA.
RunGABAFSABGSOIBGSO
11,3,5,6,9,10,12,16,18,19,21,22,23,25,28,37,39,43,1,2,5,7,10,11,16,17,19,22,28,37,38,40,421,2,3,5,10,12,15,19,20,28,30,37,381,2,3,5,10,11,17,19,24,29,30,37,40
21,3,5,6,7,8,12,13,16,19,21,24,27,30,35,36,38,40,431,3,5,7,8,10,13,19,20,22,29,30,37,38,39,42,441,2,3,6,10,11,14,19,20,28,29,31,371,3,6,7,10,11,19,20,21,28,38,39,42
31,2,4,5,6,9,16,17,18,21,23,27,29,31,36,39,40,1,5,7,6,10,12,13,15,19,22,28,29,371,3,5,10,12,16,18,19,20,22,29,31,37,381,2,3,5,6,10,12,17,18,20,21,28,29,34,39
42,3,7,8,9,12,15,17,20,25,27,29,37,38,40,42,431,2,4,5,6,10,12,15,16,19,20,28,37,38,421,2,4,5,10,19,20,26,28,30,37,39,42,441,3,5,7,9,10,13,15,19,24,29,32,37,39,42
51,2,5,6,9,13,15,17,19,22,25,27,28,30,37,38,42,441,3,5,8,9,10,13,19,20,23,25,29,31,37,39,40,421,2,3,4,9,10,12,19,21,28,29,30,37,38,41,441,2,4,7,10,13,19,20,21,22,27,29,37,39,42
Table 10. Sensor selection results for subject 2 with five runs using the DSA.
Table 10. Sensor selection results for subject 2 with five runs using the DSA.
RunGABAFSABGSOIBGSO
11,2,3,7,6,9,11,12,17,18,20,21,24,26,27,29,32,37,38,421,2,4,7,8,9,10,11,15,18,20,23,27,29,33,37,38,401,2,4,5,11,12,13,15,18,20,21,27,31,371,2,3,6,7,10,11,16,19,22,26,28,30
21,2,3,4,5,7,9,10,12,16,17,20,23,25,27,30,33,35,38,42,431,3,6,7,8,9,10,11,14,16,19,20,22,28,29,30,33,38,41,441,3,5,8,9,11,13,16,17,20,28,30,33,37,381,2,4,6,7,8,10,11,16,19,21,26,29,37
31,2,3,4,5,7,10,14,18,19,20,23,26,28,30,35,37,39,401,5,8,9,11,15,17,19,20,21,28,29,372,3,5,6,7,11,13,15,18,28,29,34,37,391,2,3,5,7,9,10,11,12,15,19,21,29,37
41,2,5,7,8,9,11,14,17,21,25,23,26,28,29,31,33,35,40,42,431,2,3,5,8,10,12,19,21,23,26,28,29,31,37,391,2,4,5,10,19,20,26,28,30,37,39,42,441,2,3,4,6,9,10,19,21,28,35,37,39
51,2,4,6,8,12,16,17,18,21,24,27,29,32,34,35,37,38,42,441,3,4,6,8,9,11,17,18,19,22,24,26,28,29,36,38,40,421,2,3,4,10,12,19,21,22,28,29,30,37,38,41,441,2,5,7,9,10,12,15,21,22,26,28,32,35,37,39
Table 11. Accuracy comparison of the four randomly selected subjects for the five approaches using the DSA.
Table 11. Accuracy comparison of the four randomly selected subjects for the five approaches using the DSA.
MethodSubject 1Subject 2Subject 3Subject 4
Ensemble all0.8560.8050.8160.831
GA0.7450.6750.7070.729
BAFSA0.7750.7360.7650.752
BGSO0.8210.7840.7990.764
IBGSO0.8650.8370.8180.848
Table 12. F1 comparison of the four randomly selected subjects for the five approaches using the DSA.
Table 12. F1 comparison of the four randomly selected subjects for the five approaches using the DSA.
MethodSubject 1Subject 2Subject 3Subject 4
Ensemble all0.8740.8210.8360.865
GA0.7870.7020.7480.771
BAFSA0.8420.7290.8070.762
BGSO0.8640.8270.8180.819
IBGSO0.9120.8540.8420.892
Table 13. Performance comparison for the five approaches using the DSA.
Table 13. Performance comparison for the five approaches using the DSA.
MethodAccuracyF1Ensemble Size
Ensemble all0.8270.84945
GA0.7140.75218.6
BAFSA0.7570.78516.2
BGSO0.7920.83215.8
IBGSO0.8420.87513.4
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Tian, Y.; Zhang, J. Optimizing Sensor Deployment for Multi-Sensor-Based HAR System with Improved Glowworm Swarm Optimization Algorithm. Sensors 2020, 20, 7161. https://doi.org/10.3390/s20247161

AMA Style

Tian Y, Zhang J. Optimizing Sensor Deployment for Multi-Sensor-Based HAR System with Improved Glowworm Swarm Optimization Algorithm. Sensors. 2020; 20(24):7161. https://doi.org/10.3390/s20247161

Chicago/Turabian Style

Tian, Yiming, and Jie Zhang. 2020. "Optimizing Sensor Deployment for Multi-Sensor-Based HAR System with Improved Glowworm Swarm Optimization Algorithm" Sensors 20, no. 24: 7161. https://doi.org/10.3390/s20247161

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop