Abstract

In order to solve the problems of poor data processing ability of underwater hardware equipment and low accuracy of classification algorithms in the existing marine target recognition and detection methods based on sensors and transducers, by combining perception technology, underwater Internet of Things technology, and artificial intelligence, multiple devices could communicate with each other to achieve automatic and intelligent high-precision marine target recognition. Compared with existing methods, not only the accuracy rate is improved but also the hardware requirements are lower, and it is easier to deploy in engineering.

1. Introduction

Due to the limited computing power of embedded underwater devices and special signal transmission environment, underwater target recognition has always been a difficult engineering problem [1].

First, the sensor nodes need to be deployed in the monitoring sea area. The sensor array deployed in the ocean is difficult to maintain and upgrade, and due to the difficulty of energy supply, the energy consumption cannot be too large, resulting in limited computing power supplied for signal processing [2]. Second, underwater cables or underwater acoustic communication is generally used to send information to ground base stations. While the length of underwater cables is limited, the underwater acoustic signals have the characteristics of fast energy attenuation and narrow bandwidth, making it difficult to transmit or process large amounts of data in real time.

With the development of artificial intelligence and underwater communication technology, the emerge of Underwater Internet of Things (UIoT) technology provides a new way to solve this problem. UIoT can be regarded as an extension of the Internet of Things (IoT) to the marine and ocean environment, constitutes powerful way for solving complex tasks such as signal processing and transmission in the ocean intelligently. A UIoT system with five-layer architecture is presented in [3], with sensing, communicating, networking, fusion, and application layer included. It is also suggested that the UIoT can be combined with cloud computing, edge computing, and other artificial intelligence technologies in the future. In [4], an underwater data acquisition system assisted with unmanned aerial vehicles is proposed to link between vehicles and underwater sensors; multiple receiver nodes are placed on the surface of sea to act as intermediate relays.

There are many ways to manufacture and build UIoT system; for example, it can be constructed by fixed underwater nodes, AUVs, base stations, or satellites. The automatic high-precision target recognition by multiple devices that can communicating with each other could be realized. But there are still many difficulties in establishing underwater Internet of Things for marine target recognition. For example, a mobile task assignment method is designed in [5] to lead the AUVs to the specified positions under rough ocean environment and propose a formation control scheme to escort the target to the destination safely. To extend the life of UIoT and overcome challenges of ocean network building project, such as high path loss, limited battery power, and available bandwidth, a new balanced energy adaptive routing protocol is designed in [6].

In addition to research on structures, there are transmission and communication technologies, and unmanned task assignment methods. The research of UIoT is carried out from all directions, making underwater intelligent target recognition and identification feasible. For target recognition problems, a wide variety of methods have been developed, such as clustering algorithm-based methods such as partition, hierarchical and network-based classifiers, deep learning methods such as computer vision-based methods.

Among various methods, neural network-based methods are the most attractive due to their excellent performance and generalization ability and have been widely studied and deployed in ground-based and airborne equipment. However, due to the complexity and computational difficulty of existing models, many models with excellent performance are difficult to deploy on low-power underwater processors. On the contrary, using the existing simple classifier directly for underwater target recognition cannot obtain ideal classification results. Therefore, it is necessary to select the classifier in a pertinent manner and to optimize its structure and parameters for a more reliable decision mechanism, so as to obtain a more robust and fast target recognition method.

Recurrent neural networks can analyse time series, the most representative of which is the long short-term memory (LSTM) neural networks with the ability of analysing and learning the temporal dependencies among the data. By storing and retrieving information from the input data, LSTMs can learn between time steps of arbitrary length to accomplish complex tasks such as classifying and predicting time series. It is widely used in various applications, such as handwriting generation, image captioning, question answering, video to text conversion, machine translation, and so on. In [7], an LSTM network-based processing method is designed for forecasting multivariate time sequence data, and an autoencoder method is combined with an SVM (Support Vector Machine) algorithm for detecting the anomalies in trades.

Due to the above capabilities, LSTM networks are widely used for classification and identification for time series data. Although the LSTM network has achieved great success on many kinds of classification problems, its performance is limited by parameter selection. It is difficult to manually adjust and select the hyperparameters of the LSTM neural network, and inappropriate parameter settings may lead to overfitting or slow convergence and even seriously reduce the classification accuracy.

Therefore, many scholars try to improve the LSTM network and apply it to different engineering problems. The utilization of LSTM networks in [8] enables the detection of complex anomaly and error types while considering both contextual and temporal characteristics. In [9], LSTM neural networks are combined with attention mechanism sentiment representation learning and detection of words and texts, where the attention mechanisms of LSTM architectures are based on diverse abstraction levels.

However, designing the optimal LSTM network architecture with suitable parameters is still a daunting task, not only requiring human supervision but also the searching and regulating process may lead to overly complex models, which may weaken the generalization ability of the network. The use of intelligent optimization technologies such as evolutionary computing to assist deep learning is an emerging technical means, which enables the system to adaptively adjust parameters according to the actual circumstances, and trade-off between accuracy and calculation volume, thereby improving the recognition accuracy and antiresistance ability of the LSTM networks.

This article combines the UIoT with the evolutionary LSTM networks and designs an improved intelligent optimization algorithm called EEC-DE (Exploration and Exploitation Control-Differential Evolution) to improve the network classification accuracy, while reducing its complexity. By implementing fast and low-burden edge computing on underwater sensor arrays and surface nodes, complex and time-consuming training and optimization processes can be moved to land or ships, the computing process is done using cloud computing or fog computing, and the entire system can be easily deployed on the existing hardware platform, the accuracy and reliability are higher, and it is more practical.

The rest of this article is organized as follows: first, close works that are related to evolutionary algorithm-based classification and intelligent recognition methods are reviewed. Then, the novel EEC-DE algorithm is elucidated in detail. After that, the extensive experiments are conducted to verify the effectiveness of the proposed method. Finally, conclusion of this article and some future directions are presented in the last section.

Comparing with the traditional target recognition method that combines artificial feature selection and pattern recognition, the neural network, the automatic feature extraction inherent in convolutional neural networks, makes it the most promising method, and the evolutionary computing is a prospective approach to improve the performance of neural networks on difficult and complicated tasks. Since this article mainly focuses on designing networks for marine target recognition, this section only reviews closely related works on evolutionary algorithm-based evolving neural networks.

Since the LSTM networks can be used for time-series classification and regression, the marine target identification and recognition problem studied in this paper belong to the sequence-to-label classification. An LSTM layer could acquire the long-term dependencies between time steps in time series or sequence data, but it is sensitive to the details and characteristics of the input data. To alleviate this problem, many studies on methods of evolutionary classes were born. In [10], a two-stage algorithm is designed, where the first stage is designed to get the best performing LSTM structure automatically. During the evolution process, the connection weight inheritance method is used to improve the efficiency, and the second stage designs the ensemble system by choosing a suitable LSTM. An ensemble evolutionary deep network model is proposed in [11], including a convolutional neural network (CNN) and a bidirectional long short-term memory (BLSTM) network for human action recognition. A guided general search process is incorporated into the algorithm to overcome stagnation caused by insufficient search capacity.

Due to the significant impact of hyperparameters in LSTMs on classification performance and the complexity of the interactions between parameters, manual selection of these parameters requires specific prior knowledge, and traditional trial and error tuning procedures often only find suboptimal solutions. The search for optimal parameters is an NP-hard problem, which can be solved by evolutionary computation [12]. In order to make the LSTM network achieve better performance when dealing with difficult classification problems, more innovative and efficient evolutionary computing methods need to be devised [13]. This paper designs a novel differential evolution-class algorithm, which can balance between the explorations and exploitations. The correlation learned by LSTM networks will be enhanced; thus, the usability of the proposed marine target recognition method could be improved.

3. Proposed Algorithm

To improve network performance and reduce reliance on expert experience in parameter setting, this article proposed the framework in the case where the network depth is specified as a fixed value; hyperparameters within a preset search range will be optimized automatically and simultaneously according to the objective function.

3.1. Evolutionary Processing

The whole evolutionary process includes four main steps, namely initialization of population, fitness evaluation on the LSTM networks, offspring generation, and exploration and exploitation control.

First, the population is initialized with the given population parameters as following: population size , the dimension size , which is related to the number of hyperparameters to be optimized. The individual in the population can be described as a vector , where the subscript indicates the iteration at the present. In the initialization process, every dimension of each individual is uniformly sampled from zero to one. Every individual map a candidate choice of the value of hyperparameters, and it is a candidate solution of the optimization problem at the meanwhile.

During the evolutionary process, every individual will update itself under the guidance of evolutionary formula. The main steps in the offspring generation of DE algorithm are mutation and crossover. The researchers have developed a variety of mutation operators to achieve the mutation process such as [14, 15]. Among all of them, the mutation operators shown in Table 1 are used most commonly.

Here, the indicator to are all exclusive integers randomly sampled from the range , indicates the best individual in the present generation , and parameter is the scale factor that has a huge impact on the mutation process, which influence the solution of the algorithm eventually. However, setting the scale factor as a constant cannot balance between exploration and exploitation. Many researchers believe that the scale factor should change during the iteration process or adjust adaptively.

Since the kernel density estimation method can be used to reckon the probability density function of any random variables in a nonparametric manner, it motivates us to design a new scheme called EEC to balance the exploration and exploitation by estimating the state of individuals instead of change the scale factor or the mutation operator.

Except for the first generation after initialization, the newly generated offspring needs to perform fitness calculation in each iteration. The fitness calculation could be obtained according to the optimized objective function, which will be introduced in the next subsection specifically.

3.2. Objective Function Design

When calculating the fitness value of each offspring during the optimization, the network embedded in the algorithm needs to be trained and verified every time, and the recognition accuracy could be obtained after the pair of training and testing operations are done. In order to complete the classification task, the network is required not only to correctly cluster the data but also to ensure that the data match its corresponding labels.

During training, testing, and validating, the data first enter a bidirectional LSTM layer with hidden nodes, and the last element of the sequence will be taken, in which the activation function uses the hyperbolic tangent function to realize automatic mining and learning of data internal dependencies through forgetting, input, and output gates. Additive interactions are applied at each layer, which helps improve gradient flow over long sequences during training and testing process [16]. This prompts the bidirectional LSTM layer to map the input sequences to different features and then generate the output for the fully connected layer. Finally, recognition is accomplished by a fully connected layer, a softmax layer, and a classification layer.

On the premise of obtaining the highest possible recognition accuracy, obtaining a sensible and feasible parameter setting method is a multiobjective problem, where the Lagrange multiplier method is used to design the objective function, which is designed as a sum of three terms as follows:where is the number of hidden nodes in the bidirectional LSTM layer, is the batch size, which represents the number of signals that the network learn each time, and represents the percentage accuracy of the LSTM neural network trained with the hyperparameters corresponding to the current individual on the validation set, where and are constants, which represent the importance of the corresponding quantity in the objective function. This Lagrange multiplier style objective function engages the algorithm to find the stationary point automatically in an iterative way.

In the offline training stage, the algorithm can adjust and optimize the hyperparameters of the network adaptively by solving this constrained optimization problem, and it can obtain a higher recognition rate with less computational effort in practical applications.

3.3. Exploration and Exploitation Control

In order to determine whether to explore or exploit, a variation of kernel density estimation is designed to check the state of the population. Since the individual distribution in DE algorithms tends to fit the Gaussian mixture model when the number of individuals is large enough, the Gaussian kernel function is used to design the decision condition. The discrimination flags are as follows:

It can be interpreted as the sum of the objective function values weighted by the corresponding standard Gaussian kernel [17]:

Then, compare it with the optimal fitness value weighted by a constant value. If , it means that the algorithm has not fully converged and needs to continue to evolve according to the exploration mode. The multiplier parameter is called the adjustment factor that can adjust the threshold on the right side of the inequality sign. On the contrary, if the value of is smaller, it means that the individuals in the algorithm are close enough to the global optimal point; then it will switch to the exploitation mode, search for the optimization near the optimal value, and get a higher precision solution. Simultaneously, a pool of alternative strategies will be created, which contains two alternative evolution operators; the evolution formula of exploration mode is as follows:

This means that four individuals are randomly selected from the population, and the difference operation is performed with each other. As for the exploitation mode, the mutation formula is as follows:where is the zoom factor with the same dimension as the individual, the last term in the formula will be exponentially decayed with the number of iterations grows.

When the mutation is completed, the algorithm enters the crossover step. Calculate the fitness of the mutated individuals, and then apply the greedy selection strategy to crossover the individuals in the population with the mutated offspring:

Then all the populations are merged to generate the next generation population. As the number of iterations increases, the population in exploration mode will implement global search constantly, while in exploitation mode, the algorithm improves the accuracy of the algorithm around the optimal solution. Until the maximum number of iterations is reached, the optimal individual is linearly mapped to the parameter space, so the output will be the hyperparameter optimization result.

Since there is no fixed or closed form functional relationship between neural network recognition accuracy and hyperparameters, but rather a complex and random correspondence, and the objective function is both multidimensional and multimodal. The proposed EEC-DE algorithm is especially suitable for evolutionary neural networks.

3.4. Overall Framework

The overall architecture of the underwater Internet of Things can be categorized by geographic location and application layer. To identify underwater targets, during the offline training phase, the simulated signals evolve the LSTM networks on the server located in the seashore computing centre or complicated by cloud computing, and the output optimal hyperparameters are transferred to the edge devices. When the system is powered on and working, underwater magnetic signals are collected by magnetic sensors deployed on the seabed or AUVs and then transmitted to the sink nodes or surface platforms by underwater cables or underwater acoustic communication [18], where the recognition by the evolved network is accomplished and finally sent to the ground control centre via satellite or other RF links for subsequent decisions.

According to the above content, the overall framework of intelligent marine target recognition and specific process of evolving the LSTM network with EEC-DE algorithm is as follows, and the schematic diagram is shown in Figure 1:Step 1: preprocess the data, including feature extraction, shuffling and normalization, to obtain training set, validation set, and test set.Step 2: randomly generate an initial population, each individual representing a candidate hyperparameter setting method of LSTM.Step 3: decode the individuals and train the corresponding LSTM network on the training set and then use the validation set to evaluate the trained network to obtain the fitness value for each offspring individual.Step 4: apply the judgment procedure by the EEC mechanism and decide whether to explore or exploit according to the current state of the algorithm.Step 5: select the corresponding operator for mutation and crossover. Complete the update for each individual in the population.Step 6: if the maximum number of iterations is reached, terminate the iteration loop and output the optimal solution in the last generation, otherwise, go to Step 3.Step 7: train the LSTM network using the training set and validation set and finally evaluate the evolved LSTM network on the test set or measured data and output the recognition results.

4. Experiments

In order to fully verify the performance of the design scheme, this section will expand from the following aspects. First, the performance analysis of the EEC-DE algorithm will be reflected in the standard benchmark function. Then, the results of the UIoT-based evolutionary LSTM network and several comparison methods will be given based on the simulated data.

The widely used CEC′2013 standard set of benchmark functions is adopted to evaluate the performance of the EEC-DE algorithm. Four of them are chosen to evaluate the search ability of the algorithm, namely Ackley’s function, Beale’s function, Rastrigin’s function, and Levi’s function. All of these benchmark functions are transferred into maximization optimization problems. The differential evolution (DE), the Genetic algorithm (GA), the particle swarm optimization (PSO), and the Imperialist Competitive Algorithm (ICA) are deployed as competitors. In order to compete fairly, the overall population size of all algorithms is set to 60, and the iteration termination criteria is 60 [19]. For EEC-DE, is a random number in , , . As for other comparison algorithms, parameter setting refer to [2022]. All the experiments were run independently for 1000 times. The best score obtained so far is defined as the difference between the objective function value of the best individual in the current iteration and the global optimal value. The average convergence curve is shown in Figures 25, and the average running time (s) is shown in Table 2.

It can be concluded from the results that the proposed EEC-DE algorithm outperforms all the other algorithms, especially when dealing with multimodal problems such as Rastrigin’s function and Ackley’s function; it has achieved superior results, and other algorithms may get stacked into the local optima. This superiority comes from the EEC schema, which enables the algorithm to switch between exploration and exploitation modes flexibly. By combining the advantages of several mutation operators, the algorithm is universally applicable to complex problems.

By comparing the average computing time, the proposed EEC-DE algorithm does not show the advantage in speed when dealing with benchmark functions. However, for the evolving networks problem we focus on, the searching ability of the algorithm is the most important because most of the computation is generated by the training and validation process of the networks in the evolution process.

After testing on several classical benchmark functions, the powerful and efficient searchability of the EEC-DE algorithm is proved. Now it will be applied to evolving LSTM networks to realize the identification based on the UIoT.

We compare the performance of the EEC-DE-based evolving LSTM networks with other methods. The recognition methods used in the experiments are as follows: Evolutionary LSTM network based on DE, PSO, GA, and ICA. Each experiment employs the following settings to ensure fair comparisons: , ; these multiplier parameters are given small values, so that the recognition accuracy is established as the main component of the objective function value, and the number of hidden nodes is limited, and the batch size is prevented from being too small. Population size is 60, maximum number of iterations is 100, a total of 20 epochs are used in the training phase to allow the network to make 20 passes through the data [23], and an ADAM solver is applied to the training, validating and testing process, The search range of each hyperparameter is shown in Table 3.

The box plot of the recognition accuracy is shown in Figure 6. On each box, the result comes from 10 independent runs, and the central red mark indicates the median of the accuracy, and the top and bottom edges of the box represent the 75th and 25th percentiles of the accuracy respectively.

The specific statistics of the results are shown in Table 4. We can draw the conclusion that the proposed EEC-DE-based evolutionary LSTM outperforms other competitors by comparing the accuracy, especially based on the comparison of the average accuracy, which indicates that a more suitable hyperparameter setting is obtained by the optimization process, which also shows that the searchability of the algorithm has been enhanced by the EEC scheme from another perspective. Furthermore, it can be concluded from the variance that the proposed method is more reliable.

The average hyperparameters obtained from 10 independent runs are shown in Table 5. It is worth mentioning that while ensuring high classification accuracy, the proposed evolutionary LSTM network based on EEC-DE choose a more suitable way that enables the LSTM networks to analyse time-series data more efficiently and avoid overfitting [24], while other methods are more prone to falling into local optima and leading to poor results.

5. Conclusions

In recent times, the inefficiency and the long response time of current UIoT systems, as well as the limited computing power of the underwater embedded device, still represent key issues that prevents UIoT devices and architectures from being an appreciable and effective solution of the underwater marine target recognition and intrusion detection. This article proposes an UIoT-based intelligent marine target recognition method, in order to take advantage of the combination of edge computing and cloud computing. An UIoT system consisting of underwater nodes, surface ships, and seashore-based control centre is designed, and all of these components are connected through the network to perform identification and recognition tasks more efficiently. And an EEC-DE algorithm is proposed for evolving the hyperparameters automatically in LSTM networks.

The recognition accuracy of the low-power classifiers around the signal acquisition devices is improved, and the complex optimization process which consisting of alternating training and validating will be transferred to the high-performance computing device located on the land, so the advantages of cloud computing and the instantaneity of edge computing are combined. The improvement of recognition ability benefits from the effective searching algorithm. In contrast to the existing differential class algorithms or evolutionary methods, the proposed EEC-DE algorithm could switch between the exploration and exploitation search in an adaptive and flexible manner, and the algorithm can converge to the global optimum and escape from local optimum.

The experimental results show that the method proposed in this article can adjust the hyperparameters of the LSTM networks dynamically, avoid underfitting, or overfitting problems, so as to obtain better performance than the default LSTM networks or other baseline methods, and improve the recognition accuracy while reducing the computational burden of the devices.

For future research, we will attempt to design more efficient UIoT schemes to achieve better performance and enable them to widely applied in ocean activities. We will also design novel control and search mechanisms to better achieve the balance between the local search and global convergence for evolving neural networks, which have been demonstrated to be powerful tools for solving a large amount of time series analysis problems such as pattern recognition, time-series forecasting and sequence regression.

Data Availability

The figures and tables used to support the findings of this study are included in the article.

Conflicts of Interest

The authors declare that there is no conflict of interest regarding the publication of this paper.

Acknowledgments

The authors acknowledge the techniques used in this research.