1. Introduction
Terahertz (THz) imaging and THz time-domain spectroscopy (THz-TDS) are powerful tools for the characterization of test samples based on their unique resonance properties in the THz frequency range. In recent years, numerous THz applications have been developed in biomedical and engineering fields [
1,
2,
3,
4,
5,
6,
7]. In particular, they can be used for disease diagnosis in biological samples [
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20], characteristic analysis of biological samples [
21,
22,
23,
24,
25,
26] and biomolecules [
27,
28,
29,
30,
31,
32,
33], non-destructive detection of artifacts and objects in samples [
34,
35,
36,
37,
38,
39,
40,
41], identification of hidden materials and their properties [
42,
43,
44,
45], estimation of the components in a mixture [
46,
47,
48,
49,
50,
51], and so on. Due to the rapid evolution of THz technologies and their increased availability, it is expected that the application of THz imaging and THz-TDS will expand.
The acquired THz signals from test samples, which include one-dimensional (1-D) time-domain signals and two-dimensional (2-D) spatial-domain images by transmission or reflection, contain information about the samples at specific frequencies. By appropriate analysis of the acquired signals, we can extract important embedded information that serves as a signature of a feature of interest. In a broad sense, any task that analyzes a signal for extracting embedded information, whatever its specific objective, can be regarded as a potential application of artificial intelligence, such as speech recognition [
52,
53,
54,
55,
56,
57] and image recognition [
58,
59,
60,
61,
62,
63].
The conventional methods for early artificial intelligence generally adopted an analytical approach that describes a mathematical representation of an optimization problem and searches for the solution under certain constraints, which is called a knowledge-based approach [
64]. For most tasks, however, the problems are not well described using mathematical rules because the main tasks are often abstract and not suited to specific step-by-step processes. For example, although humans can easily distinguish between dogs and cats without being aware of the process involved, it is not easy to define mathematical rules that describe the differences between dogs and cats.
To address the limitations of knowledge-based approach, a new strategy that mimics human processes has been developed. Humans can perform a certain task after repeatedly executing the same task while being guided by feedback depending on their decisions or actions. For example, humans can distinguish between dogs and cats because they have seen many examples of these animals and possess pertinent information that allows for the discrimination of the two species based on daily activities and observation. As such, they can perform this task by learning through experiences, not by studying the rules that describe this task. This approach is called a learning-based approach, as opposed to a knowledge-based approach [
64]. Analogously, we can develop machines to perform a given task using a learning-based approach, and this process is called machine learning (ML). In ML, the learning process is expressed by mathematical equations, and the “experience” for the task is provided in the form of a training dataset, wherein each constituent element is called an instance. The key to ML is learning a task using training data, and not the explicit determination of task functions.
As the performance of ML has improved, this technique has been widely used in THz applications to analyze the information in acquired THz signals for given tasks. In this review, we introduce basic ML techniques in their most general form and describe the issues to consider when applying ML to the tasks with certain constraints. In addition, we explain the statistical methods used to evaluate the performance of tasks. Finally, we examine the nature of THz applications from an ML perspective, compared with the applications with natural signals, and summarize representative examples of ML-based THz imaging and THz-TDS. These examples were selected to cover a variety of ML techniques that are applied to the various tasks such as disease diagnosis, disease level estimation, component analysis, and material identification.
  2. Machine Learning Techniques
  2.1. Overview
  2.1.1. Categories of Machine Learning
In general, ML is divided into three categories. One category is supervised learning, which uses a training dataset consisting of many inputs and their labels [
65,
66]. Each label represents a target output for each input. In supervised learning, a model is learned that best describes the input-label relationship in the training dataset. For example, the task of dog/cat discrimination is an example of supervised learning, and each instance consists of an image of a dog or cat and its label. This review deals only with topics in supervised learning because most tasks of recognition and estimation fall in this category.
The other two categories of ML are unsupervised learning and reinforcement learning [
65]. Unsupervised learning uses a training dataset without labels and learns the data properties embedded in the inputs [
67,
68,
69,
70,
71]. Reinforcement learning has no training dataset and learns the desired model using a trial-and-error approach; it is usually used when learning how to play a game [
72,
73,
74,
75].
  2.1.2. Classification and Regression
Two common tasks of supervised learning are classification and regression [
65]. Classification maps the input onto one predefined class. In this case, an instance in the training dataset consists of an input and its class as a label, where each label is usually expressed as an integer. Most tasks of detection and recognition, such as dog/cat discrimination, correspond to classification.
Regression maps the input to a numeric value of the floating-point type, which is generally considered an estimation task. In regression, an instance in the training dataset consists of input-value pairs. For example, we can estimate the extent of disease progression from medical images using values ranging from 0.0 (normal) to 1.0 (severe). Regression tasks can be converted to classification tasks by defining discrete ranges of values and assigning each to a class, by sacrificing the resolution of the estimated values.
  2.1.3. Overfitting and Generalization
The training dataset for the task is a set of sampled instances from an infinite number of all possible instances for a task. We then assume that the training dataset represents the overall properties of all possible instances and that a generalized model for the task can be learned using only the training dataset. In reality, however, this assumption is not true, and the learned model tends to fit specific properties observed only in the training dataset, which is called overfitting in learning [
76]. Another aspect of overfitting is related to noise in the training data; ML might learn noise properties as well as signal properties. In THz applications, for example, because the task usually uses private data acquired in each individual laboratory, it is difficult to obtain sufficient training data required for representing general model and overfitting is prone to occur. To reduce overfitting and enhance generalization, various techniques have been developed, such as regularization [
77,
78], drop-out [
79,
80], and ensemble learning [
81].
Figure 1 shows an example of overfitting in binary classification, where the symbols represent 2-D inputs in the training dataset. 
Figure 1a shows the learned decision boundary with the best fit, but it seems to be incorrect, considering the presence of noise in the training data. Instead, a simpler boundary as shown in 
Figure 1b could be a generalized boundary that facilitates improved performance in real-world applications, although some inputs in the training dataset are misclassified.
 Considering overfitting in ML, we should evaluate the performance of the learned model using instances that are not included in the training dataset; a set of these instances for performance evaluation is called a testing dataset. If we observe high performance for the training dataset but low performance for the testing dataset, the learned model has poor generalization and does not yield high performance in real-world applications. In general, we first generate a set of instances that describe a task, then arbitrarily divide the set into training and testing datasets.
Although the size of the training dataset plays a key role in controlling overfitting, there are no practical rules for choosing it. In theory, the Vapnik–Chervonenkis (VC) dimension measures the capacity of learning model, which serves as a guideline for choosing the size of the training dataset [
82]. In practice, however, the VC dimension is difficult to calculate, and the size of the training dataset is usually determined empirically by analyzing the learning behavior and performance of ML model in use [
83].
  2.2. Feature Extraction and Reduction
Although the originally acquired signals contain raw input information, we do not typically use them as inputs in their original form. The raw signals contain significant redundancy with respect to the task, and the use of ML to analyze raw signals becomes inefficient due to the interfering effect of redundant components. Hence, we first extract key features that better represent core information from the raw signals and use them as inputs of both the training and testing datasets. As such, ML learns a model that best describes a function from input features to targets in the training dataset. 
The number of extracted features is usually less than the number of samples in the raw signal. In addition to improved ML performance, we can then reduce the computational load of learning and the complexity of the learned model. The choice of features depends heavily on the task, and the extraction of optimal features is a key factor of high performance. ML based on raw signals instead of features is also widely used, especially in image analysis [
59,
62].
After extracting the features, we can measure the relevance of each feature to a given task and delete less relevant features in order to further reduce the number of features as much as possible. This procedure is called feature reduction. When the number of training data is small, feature reduction helps enhance generalization in learning by enabling to use a small learning model. Three common methods for feature reduction are described.
  2.2.1. Principal Component Analysis
The principal component analysis (PCA) is a mathematical tool for transforming high-dimensional data to lower-dimensional data with minimal information loss, by using the dependencies between the variables [
67,
70]. We consider 2-D input features 
 with a zero mean, as shown in 
Figure 2a. They have similar variance along each axis, and both 
 and 
 play a role in determining the feature properties. If we apply a transform to 
 onto another 2-D domain such that new 2-D features 
 in the transformed domain have different variances along two axes, as shown in 
Figure 2b; this transform is simply a rotation. Then, 1-D features 
 can represent key properties of 2-D features 
 with minimal loss, and 
 is more important than 
 in representing the feature properties. The 
-axis with the largest variance is called the first principal component, and the 
-axis is called the second principal component. Thus, PCA is a process to compute the principal components of data.
When the training dataset consists of  instances and the number of extracted features is , the input features in each instance can be denoted by a -dimensional vector , . The principal components of the features can then be computed using eigenvalue decomposition of . From a  covariance matrix of  its eigenvectors correspond to the principal components and its eigenvalues correspond to the variances along the associated principal components. With , we compute  principal components with the  largest eigenvalues and obtain  features by computing the projection of  to each of the  principal components.
For better feature reduction, we can apply a high-dimensional function 
 to 
 and apply PCA to 
 In practice, because of the high computational load caused by the high dimension of 
, we use a kernel approach called kernel-PCA, rather than directly computing the principal components of 
[
84,
85]. The major kernel functions 
 for two vectors are defined as follows, where 
, 
, and 
 are the function parameters.
- polynomial kernel:  
- Gaussian kernel:  
- hyperbolic tangent kernel:  
After computing 
 for pairs of feature vectors and solving a given matrix equation, we can compute the principal components of 
, without explicitly computing 
; its detail can be found in [
85].
PCA can also be used to identify outliers in the training dataset for classification, which helps improve ML performance by removing erroneous information in noisy data. Specifically, for each class, the training data that are far from their centroid in the first few principal components are declared outliers [
44].
  2.2.2. Relief and ReliefF
The Relief algorithm is a method for determining important features in binary classification [
86]. It is based on the idea that, for better classification, the feature vectors for each class should form a distinct cluster and the two classes should be sufficiently separated in the feature space. This requirement is satisfied if the features have similar values for the same class and different values for different classes.
In Relief, for a given feature vector 
, we determine its two nearest neighbors 
 and 
, one from the same class (hit) and the other from different class (miss). Then, for the 
-th feature element in 
 denoted as 
, 
, we update its weight 
 as shown in Equation (1) for all 
. By repeating this update by randomly selecting 
  converges to the degree of feature relevance to classification, and we select 
 features with the 
 largest 
.
          
For multi-class classification, Relief is extended to ReliefF [
86]. Similar to Relief, we randomly select 
 and search for its 
 nearest neighbors from the same class and 
 nearest neighbors from each of the different classes. Based on an idea similar to Equation (1), we update the feature weight by computing the differences in the feature values for the same class and different classes.
  2.2.3. Maximal Information Coefficient
The maximal information coefficient (MIC) is a method for measuring data relationship based on mutual information between data [
87]. In particular, MIC can determine the degree of data relationship when data are correlated in various and complex ways, which is not possible using the conventional Pearson correlation coefficient [
88]. Intuitively, important features correspond to those with a high correlation to the target; hence, MIC can serve as a measure of feature importance.
We explain how to compute the MIC of 
 and 
 using the example shown in 
Figure 3, where the symbols represent 
. As in 
Figure 3a, we apply a 
 grid to the domain of 
 and compute a 2-D probability mass function (PMF) denoted by 
, where 
 and 
 are discrete random variables, by counting the number of 
 in each grid box. Then, we compute the mutual information 
 induced on this grid using Equation (2), where 
 and 
 are the marginal PMF of each variable and 
 is the Kullback–Leibler divergence [
89].
          
We repeat this process for different 
 grid shapes as in 
Figure 3b and determine the maximum 
 for all possible 
 grid shapes, which is denoted by 
. Next, we compute 
 for different values of 
 and 
 as in 
Figure 3b and find the global maximum of 
 across all 
 and 
 after normalization by log(min
)), which gives the final MIC of 
. After computing the MIC of (feature, target) for each feature independently, we select 
 features with the 
 largest MIC. In ML-based THz-TDS, MIC is widely used to determine the important frequencies in input spectral information for a given task [
16,
18].
  2.3. Models of Machine Learning
For each instance in the training dataset, the  input features after feature reduction are denoted by the -dimensional vector  and  targets are denoted by the -dimensional vector , , where  is the number of instances. The -th feature element in  is denoted by , , and the l-th target element in  is denoted by , . Then, the entire training dataset becomes a  matrix.
In classification, there are two possible ways to choose the number of target elements . One way is to have one target element () with different values for different classes. For example, in binary classification with two classes, each usually being called positive and negative, the target value is one for positive and zero for negative. The other way is to have individual target element for each class; for example, in three-class classification, and  of each class becomes either , , or . In regression,  is the number of values to be estimated.
The model output for input 
 is denoted by 
, and a cost function 
 is defined that measures the error between 
 and its target 
. Then, the average cost 
 is used to measure the overall model quality with respect to the training dataset. Model learning is a process that determines the model parameters using a learning algorithm such that 
 is minimized, as shown in 
Figure 4. We describe various learning models and learning algorithms.
  2.3.1. Neural Network
A neural network (NN) is a learning model that mimics the human neural system [
66,
90,
91]. NN consists of many neurons as shown in 
Figure 5a. Multiple neurons constitute a layer, and the layers are connected in cascade with one input layer, any number of hidden layers, and one output layer. When the number of hidden layers is two or larger, it is usually called a deep neural network (DNN). In a typical NN, all neurons in the adjacent layers are all connected as shown in 
Figure 5a, and this layer structure is called a fully-connected layer.
The input layer has 
 neurons, each accepting 
, and the output layer has 
 neurons, each yielding 
. Each neuron in the hidden and output layers accepts multiple inputs from neurons in the previous layer. Then, as shown in 
Figure 5b, the neuron output 
 is computed by applying an activation function 
 to a weighted input 
, where 
 is computed using weights 
 assigned to the connections and bias 
 assigned to the neuron. The common activation functions are defined as follows [
92,
93,
94,
95].
- sigmoid:  
- hyperbolic tangent:  
- softmax:  
- rectified linear unit (ReLU):  
In NN for classification with each output neuron associated with one class, the output neuron usually uses softmax activation, wherein  is a weighted input in the -th neuron. Then, the -th output neuron determines the probability that the input is likely to be the -th class, and the class with the highest probability is selected. In binary classification into positive and negative classes, the output neuron usually uses sigmoid activation. Then, with a given threshold , the input is classified as positive if the output is larger than ; otherwise, it is classified as negative. In regression, each output neuron corresponds to each value to be estimated, and sigmoid or hyperbolic tangent activation is usually used.
The learning of NN is a procedure to determine all NN parameters such as weights and biases. Instead of computing the optimal parameters by solving the equations, we iteratively update the parameters such that 
 decreases at each iteration; each update corresponds to one learning step. For this procedure, we measure the gradient of 
 with respect to each parameter and update the parameter slightly in a negative gradient direction, which guarantees a reduction in 
. This gradient-based update is called the gradient descent (GD) method [
96,
97]. A structured method for computing gradients for all parameters, called backpropagation, has been developed [
98,
99]. It successively determines gradients from output to input layers, considering that gradients in the output layer are easily computed and gradients in adjacent layers have a closed-form relationship in the backward direction. Many variants of GD and learning techniques for faster learning of NN have been developed [
100,
101,
102,
103,
104,
105].
If the number of training data is not large enough, compared with the number of NN parameters, there is a risk of yielding poorly learned NN with severe overfitting. In practice, when the training dataset is given, we need to compare the performance of many NNs of different structures and select the final one with acceptable performance.
  2.3.2. Convolutional Neural Network
A convolutional neural network (CNN) is a specialized NN structure for 2-D images, wherein each image pixel is associated with one neuron [
106,
107,
108]. In the CNN, as shown in 
Figure 6, we apply a 2-D convolution with a small receptive field of size 
, say 
 or 
, to the input image and compute the output image that represents the local characteristics of the input image. By applying multiple convolutions with different convolution filters in parallel, we obtain multiple output images, each referred to as a channel or feature map. Each channel represents its modeling result of input for different aspects. For example, in 
Figure 6, we apply three convolution filters to the input and have output with three channels. We then apply pooling to each channel and compute the maximum or average of the pixel values within the local area. The purpose of pooling is to increase modeling invariance to a small change in the signals [
108]. We connect a layer consisting of one convolution stage and one pooling stage in cascade to build a larger CNN. In general, we connect a few fully-connected layers to the end of the CNN layers so that we collect the modeling results of the CNN layers and determine the final output. The CNN parameters such as the filter coefficients are also determined using the backpropagation. In CNN, we usually use raw input images, instead of features.
  2.3.3. Decision Tree
A decision tree is a learning model that performs iterative binary tree searches, wherein each tree node performs one binary decision [
109,
110]. In classification, we choose one feature element and its threshold 
 at a node and split all input instances into two subsets of instances by checking if the given feature element for the input instances is larger than 
. 
Figure 7 shows an example of operation at the node in a decision tree for three-class classification into A, B, and C. The node has 30 input instances with 10 instances in each class. A feature element 
 and threshold 
 are assigned to this node. Among the 30 input instances, nine instances in class A and two instances in class C have 
 larger than 
, and the remaining 19 instances have 
 smaller than 
. In this way, two nodes are generated, each with 11 and 19 input instances, and the class population is changed at each node. We build many layers of nodes by repeating the same operation in each output node with a new feature element and threshold and obtain the required model for classification.
The key aspect of the decision tree is to select the feature element and its threshold for use at the appropriate active node. We first define an impurity metric of the node as follows, where 
 is the ratio of instances in class 
c among all input instances to the node [
111].
For example, the left output node in 
Figure 7 has Gini impurity of 
. Then, for all combinations of the feature element, threshold, and active node, we search for the combination that yields the two purest output nodes with the minimum cost defined in Equation (3), where 
 and 
 are the number of instances of the two output nodes and 
 and 
 are their impurities [
111].
          
Because we build the decision tree by sequentially splitting the output nodes, we can control overfitting by properly deciding the tree depth and the number of nodes using pre-pruning or post-pruning. In general, therefore, the decision tree is suitable for tasks with small training dataset, compared with more complex models such as NN.
  2.3.4. k-Nearest Neighbor
A k-nearest neighbor (kNN) is a method for classification with no explicit training stage [
112]. When classifying an input, we search for its 
k nearest neighbors in the training dataset using a given distance metric. Then, we identify each class of the 
k nearest neighbors and classify the input into the majority class among them. The most common distance metrics include the Euclidean distance and cosine distance.
  2.3.5. Support Vector Machine
The concept of support vector machine (SVM) involves dividing the data into two classes using a hyperplane as the decision boundary [
113,
114]. Its operation in a 2-D space is explained in 
Figure 8, wherein the symbols represent the 2-D 
 of two classes. 
Figure 8a corresponds to a perfectly separable case, in which we want to find the decision boundary for two conditions: (i) a decision boundary with no misclassification and (ii) the maximal separation margin between two classes.
Let a vector in 2-D space be 
 and the equation of the hyperplane be 
, where 
 and 
 are parameters to be determined. We set the two margins to be 
 and 
. Then, 
 is normal to the hyperplane and the distance between the two margins becomes 
, as shown in 
Figure 8a. We also set the target 
 of each class to be 
 and 
. Then, the condition for 
 and 
 becomes 
, subject to minimum 
, and we can compute 
 and 
 by solving Equation (4) using a Lagrange multiplier 
 [
113]. 
 is determined only from data on the margin that satisfies 
, which are called support vectors; they are identified with boxes in 
Figure 8a.
          
When 
 are not separable with a hyperplane as in 
Figure 8b, we must use soft SVM, which allows error with a minimum distance to the margin. The details of soft SVM can be found in [
113]. For a non-separable case, we can transform 
 to another domain and apply SVM to the transformed 
, which is called a kernel SVM [
113].
The operation of SVM can be modified for regression, resulting in support vector regression (SVR) [
115]. Similar to SVM, SVR depends only on a subset of the training dataset because 
 that has a low prediction error has little influence in determining the predictor model. In SVR, we search for 
 and 
 using Equation (5), and all the prediction errors should be within the range from 
 to 
.
          
  2.3.6. Ensemble Learning
Ensemble learning is a strategy to achieve better generalization in ML [
81]. The idea is to learn multiple models independently for a single task and to merge all the information from the models to make the final decision, with the intent of improving generalization by an averaging effect. In this strategy, we should use models with different properties so that each has different types of learning artifacts. Although ensemble learning increases the learning complexity due to multiple learning processes, it is widely used for the tasks where it is difficult to obtain many training data.
We generate independent models by randomly sampling learning methods and/or training data from their candidates. The random sampling with replacement is called bootstrap aggregating (in short, bagging) [
116], and that without replacement is called pasting [
117]. 
Figure 9 shows two simple structures of ensemble learning. One structure uses models with different learning methods, such as DNN, kNN, and SVM, but the same training dataset. The other structure uses different training datasets for the same learning method.
In the testing stage, we apply the input to all models simultaneously and obtain their outputs. In classification, we choose the majority class among all outputs, which is called hard voting. Alternatively, we choose the class with the highest average probability over all the models, assuming that the class probability is available at the output; this is called soft voting. In regression, we usually select the average of all outputs as the final estimated value. Instead of using a fixed method for the final decision, we can use another leaning model for this purpose, which is called stacked generalization (in short, stacking) [
118].
  2.3.7. Random Forest
One drawback of the decision tree is that the learned result depends heavily on the order of applying feature elements to the nodes. Random forest is an ensemble learning model consisting of multiple decision trees with the structure shown in 
Figure 9b, thereby yielding more generalized model by averaging the learned results of multiple decision trees [
119,
120].
Because random forest uses only a decision tree, different training datasets are applied to each decision tree based on a bagging approach. When building a tree, the regular decision tree searches for the best feature element among all feature elements. In random forest, however, in order to incorporate randomness into the decision tree for more generalization, it searches for the best feature element among those that are randomly sampled from all feature elements using a bagging approach.
  2.3.8. Adaptive Boosting
Boosting is a method of ensemble learning that sequentially learns multiple models such that the model performance gradually increases by correcting the previous model [
121,
122,
123]. The most popular one is adaptive boosting (in short, AdaBoost), as shown in 
Figure 10 [
123]. For classification, we train the first model and identify the misclassified instances in the training dataset. We compute the model weight based on the weights of the misclassified instances and update the weights of the misclassified instances. We then train the second model using the updated instance weights. As such, the second model is better than the first model. In the testing stage, the input is applied to all models simultaneously and their outputs are merged according to the model weights.
  3. Methods for Performance Evaluation
  3.1. k-Fold Cross-Validation and Leave-One-Out Cross-Validation
When only a small number of instances are available for a given task, we cannot evaluate the ML performance in a reliable way because of insufficient training and testing data after data partition. To solve this problem, we use 
-fold cross-validation, which facilitates multiple trials of training and testing using different datasets [
124,
125]. We randomly divide the entire dataset into 
 subsets of equal size and assign one subset to the testing dataset and the remaining 
 subsets to the training dataset. Then, as usual, we train the model using the training dataset and measure the performance using the testing dataset. We repeat this process 
 times using each of 
 testing datasets and obtain 
 different models and their performance. In this way, we test each instance in the dataset exactly once. Finally, we average the performance of 
 models and obtain the final performance. For data partitioning in classification, it is desirable to maintain the relative proportions of classes in the training and testing datasets for more generalized modeling and evaluation. This type of partitioning is called a Latin-partition [
126].
When the size of the dataset is too small, normal 
-fold cross-validation is not feasible because of the small size of the training dataset. We can then use leave-one-out cross-validation (LOOCV) for more reliable modeling [
125]. If the number of instances in the entire dataset is 
, we use one instance for testing and the remaining 
 instances for training. By repeating this with different instances for testing, we obtain 
 different models and compute their average performance for the final performance. LOOCV corresponds to a special case of 
-fold cross-validation with 
, and is an exhaustive approach that divides the original dataset into two datasets with one and 
 instances in all possible ways. It can be extended to more general leave-
-out cross-validation.
  3.2. Evaluation Metrics
  3.2.1. Confusion Matrix
A confusion matrix is a method to express the overall performance of classification as shown in 
Figure 11, wherein the row represents the ground-truth class and the column represents the estimated class. For example, the confusion matrix in 
Figure 11a for 
-class classification implies that, out of 
 trials of class 
 inputs in the testing dataset, 
 trials are classified as class 
. For each class 
, 
 is the rate of correct classification and called a recall. The average recall across all classes, also called the mean accuracy, is usually used as the overall performance in multi-class classification.
When binary classification into positive and negative for specific diagnosis has the confusion matrix in 
Figure 11b, the following metrics are used for performance evaluation.
- true positive rate (TPR) = sensitivity =  
- true negative rate (TNR) = specificity =  
- false positive rate (FPR) = 1 specificity =  
- false negative rate (FNR) = 1 sensitivity =  
  3.2.2. ROC and AUC
In binary classification into positive and negative, the final decision is made by checking if the classifier output  is larger than the threshold . Therefore, the choice of  directly affects the performance, but the confusion matrix does not represent this issue because it only shows the results for a fixed . We explain two methods to examine the operation of the classifier as a function of .
Suppose that 
 is a random variable for 
. We then define two conditional probability density functions (PDF), 
 and 
, wherein each represents the distribution of 
 when the true class of input is positive and negative, respectively. Then, TPR is the area of 
) for 
 and FPR is the area of 
 for 
. We plot a curve of “TPR vs. FPR” for different values of 
, and the result is called a receiver operating characteristic (ROC). Different classifiers yield different PDFs, resulting in different ROCs. 
Figure 12 shows examples of PDFs and ROCs; 
 in the PDF and the corresponding point in ROC are shown for better understanding by the readers. We can observe a distinct relationship between the PDF overlap and the shape of the ROC. Hence, without knowing the actual PDF, we can roughly predict how far two classes are separated with respect to 
 from the shape of the ROC. Finally, the shape of the ROC is quantified by the area under the curve (AUC) in the ROC. AUC ranges from 0.5 to 1.0, and a higher AUC indicates a better classifier.
  3.2.3. Coefficient of Determination
The coefficient of determination, which is usually denoted as 
, is an evaluation metric for regression that measures the average deviation between the target values and the estimated values. For the 
-th instance in this dataset, let the target value be 
 and the estimated value be 
. Then, the estimation error is 
 and 
 is defined by Equation (6) for all instances in the testing dataset. 
 measures the effectiveness of the estimator in comparison to a baseline estimator that always predicts 
 as 
 for all 
. A perfect estimator yields 
 as an upper limit, whereas a baseline estimator yields 
. The worse estimator may yield negative 
 value.
          
  4. Examples of THz Imaging and THz-TDS Based on Machine Learning
From an ML perspective, THz applications are characterized by using regulated signals with the same properties within a given task. This nature is not applicable to real-life applications such as speech recognition, wherein speech signals are produced by various people speaking in different ways. Therefore, we can learn a task-specific model without worrying about its robustness to varying signal properties, which suggests the potential of high ML performance. However, this nature also adversely affects the ML performance, because a huge number of training data are not provided. As a result, the model complexity is limited by the size of the available training dataset. Another problem with THz applications is that THz signals often have low spectral and spatial resolution, compared with those captured by commercial microphones and cameras. In addition, they tend to be noisy due to measurement noise and system instability. Therefore, THz applications demand special strategies to deal with low-resolution noisy signals.
Considering these characteristics of THz applications, we explain specific ML processes in representative examples of THz imaging and THz-TDS. The examples were selected to cover various tasks of classification and regression that use different ML techniques for both 1-D signals and 2-D images. As such, the examples show a wide scope of applying ML to different tasks and provide a guideline for designing ML solutions for new tasks. The performance of each example is also summarized. For each example, however, no performance comparison with other methods is provided, because each example considers a specific task with unique system set-up, test samples, and experimental conditions and its baseline performance cannot be defined.
  4.1. Diagnosis of Cervical Carcinoma
Qi et al. developed a method for the diagnosis of cervical carcinoma using THz-TDS [
12]. Cervical tissues consisting of 32 normal and 20 cancerous tissues were obtained and cut into slices of 8 μm thickness. After appropriate treatment of the slices, transmitted THz spectra of the samples were acquired using a THz-TDS system, and the refractive index and the absorption coefficient of each sample were calculated. They were then transformed into other data using various transform methods [
12]. Each set of the transformed data was used as input features for classification, and feature reduction was not performed. Two classifiers were built using SVM and partial least squares-discrimination analysis [
127].
The classification performance was evaluated based on bootstrap sampling, which is a method of random data sampling from a given dataset with replacement [
126]. Each trial of bootstrap sampling resulted in a unique composition of data, and the sampled data were Latin-partitioned into five subsets. One subset was then used for testing and the other four subsets were used for training. The classification results for five different assignments of training and testing datasets were obtained and pooled. Finally, 50 bootstrap samples were generated and the average performance across all bootstrap samples was computed. The SVM classifier using features obtained using both the Savitzky–Golay first derivative [
128] and principal component orthogonal signal correction (PC-OSC) [
129] had a sensitivity of 88.6% and a specificity of 96.7% [
12].
  4.2. Identification of Materials
Li et al. investigated a classification method to identify unknown material among 14 materials, including six metal-containing materials and eight non-metal materials [
43]. The former included zinc, iron, cobalt, cadmium, mercury, and copper, and the latter included tetracene, polyfilm, polyethylene, terephthalic acid, asphalt, trehalose, milk power, and coffee. THz spectra of these materials were obtained from a THz spectroscopic database established by NICT and RIKEN [
42]. A total of 107 spectra were examined in [
43].
For feature extraction, the approximate entropy (ApEn) of the THz spectrum was computed, which measures the complexity and regularity of a signal using two parameters: the window length 
 and the filtering level 
[
130]. 
 was set to 1, 2, 4, and 8, and for each 
, the ApEn values were computed using 36 different values of 
 defined as 
, 
, 
 [
43]. These 36 ApEns were used as features for each 
, and no feature reduction was performed. Four different classifiers were implemented using 
1, 2, 4, and 8, and their performance was compared to empirically determine the optimal 
. The classifier was designed using a DNN with two hidden layers, as shown in 
Figure 13 [
43]. Given that the task was 14-class classification
), the output layer had 14 neurons.
The classification performance was evaluated using the LOOCV approach. By comparing the performance for different 
, it was determined that the optimal performance was obtained when 
. In this setting, the overall accuracy for classification into 14 materials was 80.4% [
43]. In most cases, metal materials were not misclassified as non-metal materials, and vice versa. When the classification scheme was changed to binary classification into metal and non-metal classes, the accuracy increased to 96.3% [
43].
  4.3. Evaluation of Traumatic Brain Injury
Shi et al. developed a method for automatic evaluation of the degree of traumatic brain injury (TBI) based on THz transmission imaging [
15]. Adult male rats with different degrees of TBI were prepared, and the fresh brain tissues were cut into 40 μm thick sections. After appropriate treatment of the tissues, the sectioned biological samples were mounted on a linear motor stage for raster-scan imaging, and the THz transmittance data of the samples were acquired. There were 64 rats with TBI and 16 rats in the sham operation group, and a total of 80 images were acquired with one image for each rat [
15]. The degree of TBI was categorized as mild, moderate, and severe TBI, and the number of each category was 18, 27, and 19, respectively. The task was four-class classification, including the sham group.
Prior to feature extraction, images were processed to normalize for different sizes and directions. As shown in 
Figure 14, the region of the brain inside the image, called the region of interest (ROI), was identified by pixel-level thresholding, and rotation rectification was applied to the image to align the image direction [
15]. The image was scaled to have the same ROI size of 80 pixels in the horizontal direction. Then, the features of two different aspects were extracted from the ROI in the processed image. First, the minimum, maximum, and mean values of the pixels in each column of the ROI and those in all columns of the ROI were calculated, resulting in 80 × 3 + 3 = 243 features [
15]. These features characterize the spatial distribution of pixel values in different classes. Next, the grayscale histogram of pixel values in the ROI was computed with 256 bins, which yielded an additional 256 features [
15]. They characterize the statistical distribution of transmittance in the brain region of different classes. In this way, a total of 499 features were extracted from an image.
Feature reduction was performed based on ReliefF, resulting in different numbers of reduced features, from one to 499. Three different classifiers were designed using kNN, SVM, and random forest. Each classifier was independently trained using the LOOCV approach, and the optimal number of reduced features for each classifier that yielded the highest accuracy was empirically determined. Overall, random forest yielded the best performance. Specifically, kNN using all 499 features and 
 resulted in a mean accuracy of 86.25%, SVM using 141 features yielded a mean accuracy of 83.75%, and random forest with 50 decision trees and 161 features had a mean accuracy of 87.5% [
15]. ROC and AUC of one-vs.-other classifications were also computed using the selected optimal number of features for each classifier.
The recognition of mild TBI as a binary classification was also conducted because the accurate identification of mild TBI is the bottleneck in current biological imaging technologies [
15]. The performance using kNN, random forest, and SVM is summarized in 
Table 1 [
15].
  4.4. Quantitative Characterization of Bovine Serum Albumin Thin-Films
Sun et al. studied a regression method to estimate the quantitative characteristics of bovine serum albumin (BSA) thin-films based on THz-TDS [
44]. The BSA stock solutions were prepared at 21 different concentrations from 0.5 to 35.0 mg/mL and were pipetted onto each quartz substrate of 0.5 mm thickness to fabricate BSA thin-films of different concentrations [
44]. The THz signal of the thin-film was acquired seven times for each sample using THz-TSD system, resulting in 21 × 7 = 147 spectra with 43 frequency bins.
In the pre-processing step, PCA-based denoising was conducted. For each concentration, the scores of seven measurements for the first two principal components were computed, and distinct outliers that were far from the centroid of the seven scores were identified. As a result, 12 outliers were found and the remaining 147 − 12 = 135 spectra were used for machine learning [
44]. The raw spectra with 43 frequency bins were used as input features, without additional feature extraction.
A regression model was designed using SVR with a radial basis function kernel. SVR searches for a function from 43 input features to a target concentration value. Once the optimal function in SVR was found, the concentration of the test BSA thin-film was estimated by applying its spectrum to the function. The estimation performance using all 43 frequency bins was evaluated using two schemes. First, LOOCV was used and a coefficient of determination, 
, of 0.97272 was obtained [
44]. It was also confirmed that there was a strong correlation between the true and estimated values for all concentrations [
44]. One of the challenges associated with LOOCV is that instances of the same concentration were included in both the training and testing datasets, which can ease the estimation task. To eliminate this shortcut, the performance based on a hold-out validation scheme was also evaluated. Specifically, all instances from one concentration was held out for testing dataset and the remaining instances from other concentrations were used as the training dataset. This was repeated until each concentration was used once for the testing dataset, and the average performance was computed as the final performance. Then, 
 decreased to 0.91651, due to the limited information in the training stage [
44].
In addition to normal estimation using all the frequencies, the importance of each frequency in estimating the concentration was investigated using MIC, which measures the relationship between each frequency and the target concentration. It was determined that the most important frequencies were 1.2 THz, 1.1 THz, and 0.5 THz in descending order [
44]. The performance was then evaluated based on the given number of the most important frequencies identified using MIC. The three most important frequencies yielded a performance close to that using all 43 frequencies [
44]. When more than the three most important frequencies were considered, the performance increment was not significant [
44]. This result indicated that the BSA concentration is highly correlated with a few important frequencies in the THz spectra.
  4.5. Identification of Components in a Mixture
Peng et al. developed a regression method for estimating the concentration of noradrenaline (NE) and N-acetylaspartate (NAA), which are two key diagnostic substances in human brain cells, in a mixture of seven substances [
47]. Ten mixture samples of seven substances were prepared and pressed as 13 mm tablets with a thickness of 2 mm. The masses of all the tablets were set to 130 ± 5 mg and the concentrations of NE and NAA were randomly set to the 0–12% range, according to their concentrations in the human brain [
47]. The absorption spectra of the samples were then acquired using a THz-TDS system, resulting in 10 spectra with different mixture concentrations of NE and NAA. In this study, the spectrum of an individual substance was not acquired [
47].
In the pre-processing stage, the noise and slanted baseline in the acquired spectra were eliminated using a wavelet transform. Using the Daubechies 9 wavelet, the spectrum was decomposed up to six levels [
131,
132]. Then, the frequency components that represent noise were eliminated, and only useful frequency components were retained at each level. Subsequently, the slanted baseline was estimated using polynomial fitting, resulting in an enhanced spectrum with the baseline removed [
47]. This spectrum was used as an input feature for machine learning.
A regression model based on SVR was designed to estimate the concentrations of the target components, NE and NAA, from the input spectrum. In SVR, a Gaussian kernel function was applied to the input to achieve high-dimensional space with improved identification properties, after the empirical selection of the best kernel variables based on performance evaluation. Since there were only 10 available instances in the dataset for the task, model learning and performance evaluation were conducted using repeated trials with different data partitions. Specifically, 10 spectra were randomly divided into five partitions, each with two spectra, and four were used for training and one was used for testing [
47]. This process was repeated five times for new random partitions, and the results were pooled for the final performance.
The coefficient of determination, 
, and the root-mean-square-error (RMSE) were used to measure the estimation performance. The higher 
 and lower RMSE are indicative of a better estimation. For performance comparison, the performance of the neural network (NN) was also measured. 
Table 2 summarizes the estimation performance of the SVR and NN models [
47]. The poor performance in NN was due to the small training dataset, which caused poor learning outcomes of the NN, converging to a local minimum point that was much higher than the optimal point.
  4.6. Analysis and Inspection of Mouse Liver Injury
Huang et al. investigated a classification method to inspect the degree of mouse liver injury using THz-TDS [
16]. Twenty-three female mice were used, and different degrees of liver injury were induced by intraperitoneal injection of 5-FU at 25, 50, 75, and 100 mg/kg per body weight under experimental conditions [
16]. Five degrees of liver injury including a placebo group were defined. The liver tissues were cut into slices with a thickness of approximately 350 μm, and THz spectrum was measured at 1–3 points on each slice. In this way, 378 spectra were obtained in total, and each class of degree had 64, 62, 114, 88, and 50 spectra, respectively [
16].
In the pre-processing stage, distinct outliers in the spectra due to measurement instability were removed using statistical boxplots, and the spectrum was converted to the absorption coefficient and refractive index, which correspond to the original input features. There were 50 absorption coefficients and 50 refractive indices in the 0.2–0.8 THz range [
16]. As the first step of feature reduction, MIC was applied to the original features, and the relationship between each feature and the target liver injury level was analyzed. Among the 100 original features, MIC selected the 40 most important features; the selected absorption coefficients and refractive indices were mainly in the range of 0.2–0.6 THz and 0.2–0.3 THz, respectively [
16]. In the second step of feature reduction, PCA was applied to both the 100 original features and the 40 selected features, and the first five principal components were computed for both cases [
16]. Then, three different feature sets, namely original, PCA, and (MIC + PCA), were independently used as the final input features.
Two classifiers were designed using random forest and AdaBoost, and two types of classification were considered for each classifier. The first was three-class classification, wherein each class corresponds to injection concentrations of 0, 50, and (75 and 100) mg/kg. Its performance in terms of recall is summarized in 
Table 3 [
16]. In both classifiers using random forest and AdaBoost, the performance was improved in the order of the original, PCA, and (MIC + PCA) features. AdaBoost outperformed random forest when the reduced features were used; the performance relationship was reversed when the original features were used. The second type of classification was five-class classification with the original five classes of liver injury level. As shown in 
Table 3, the accuracy is lower compared to three-class classification because of the inherent difficulty in discriminating between additional classes. Similar to three-class classification, AdaBoost outperformed random forest in recall when the reduced features were used.
  4.7. Qualitative and Quantitative Detection of Liver Injury
As a continuation of [
16], Cao et al. investigated a regression model to estimate the degree of liver injury in mice [
18]. Similar to the process of sample preparation in [
16], six groups with different liver injury levels were prepared by injecting 5-FU into mice at concentrations of 0, 10, 20, 30, 40, and 50 mg/kg [
18]. There were 26 mouse liver tissues, and the number of liver tissues per group was four or five. The liver tissues were cut into slices of 350 μm thickness, and THz spectrum was acquired for each slice using THz-TSD system. In this way, each group had 85, 77, 76, 79, 78, and 69 time-domain spectra, respectively, and there were 464 spectra in total [
18].
As a pre-processing step, the distinct outliers were eliminated using statistical boxplots. Then, 50 refractive indices and 50 absorption coefficients were extracted from each THz spectrum in the 0.2–0.8 THz range [
18]. Each set of the 50 values was used as the original input feature. Feature reduction was then conducted using MIC, and the 20 most important features were selected [
18]. In addition, PCA was applied to both the original features and the selected features, and the first five principal components were used as the final features [
18]. The degree of liver injury was quantified by estimating the concentration of the input sample in the regression model, whereas the true concentration had discrete values of 0, 10, 20, 30, 40, and 50. The estimator was built using random forest.
The estimation performance was measured using both the coefficient of determination, 
, and the root-mean-square-error (RMSE). 
Table 4 shows the results for different feature sets and different feature reduction methods [
18]. Feature reduction with both MIC and PCA yielded better performance compared to PCA only, and the highest 
 was achieved when using the refractive index after feature reduction with both MIC and PCA.
  4.8. Recognition of Breast Invasive Ductal Carcinoma
Liu et al. investigated a classification method for the identification of breast invasive ductal carcinoma (IDC) using a transmission THz system [
19]. The samples were obtained from 63 patients who were diagnosed with breast IDC. Normal and cancerous breast tissues were retrieved from the samples. The tissue samples were categorized as IDC, normal fibrous, and normal adipose samples. They were cut into slices with an approximate area of 10 mm × 10 mm and a thickness of 1.996 ± 0.496 mm. As a result, 97 IDC samples, 100 normal fibrous samples, and 99 normal adipose samples were obtained [
19]. Among them, 68 IDC samples, 70 fibrous samples, and 69 adipose samples were included in the training dataset, and the rest were included in the testing dataset [
19]. THz time-domain signals were acquired using a transmission THz-TDS system for all the samples.
The features were extracted from the THz time-domain signal based on the wavelet packet transform (WPT) [
130] and energy-to-Shannon entropy ratio (ESER) [
133]. WPT was conducted by applying recursive low-pass and high-pass filtering to the original THz signal. For each sub-signal obtained from filtering, the Shannon entropy of the signal samples was computed, which represents the complexity of the signal in a compact form. In addition, the normalized energy of each sub-signal was computed with respect to the original THz signal. Then, ESER was computed based on the ratio of Shannon energy to normalized energy. The Daubechies 1 wavelet and the decomposition level of 10 were chosen after the performance analysis, resulting in 1024 ESER features [
19].
The number of features were reduced by applying PCA to the original 1024 features, and many candidates of the number of selected principal components were examined and their performances were compared. Numerous classifiers were considered in this study: (i) SVM with quadratic, cubic, and Gaussian kernels; (ii) kNN with cosine, cubic, and Euclidean distances; and (iii) ensemble methods of bagged trees, subspace discriminant, and subspace kNN. For three-class classification into IDC, fibrous, and adipose groups, the highest classification accuracy of 88.9% was obtained using the ensemble method with subspace kNN (
) and 30 principal components [
19].
The identification of breast IDC in comparison to normal samples as a binary classification was also investigated. The optimal operation for each model with the highest accuracy was selected, and the performance is summarized in 
Table 5 [
19]. The ensemble model provides the highest performance in terms of both sensitivity and specificity.
  4.9. Tag Identification
Mitsuhashi et al. investigated radio-frequency identification (RFID) in the THz frequency range and a method was developed to identify tags using the THz transmittance spectrum [
45]. Two types of tags were examined: one used a polyethylene (PE) sheet with varying thicknesses and the other used different reagents. For PE tags, rust-proofing zinc spray was coated on both sides of the tag, and tags with thicknesses of 0.5, 1.0, 1.5, and 2.0 mm were prepared. To consider the case of hidden tags, they were inserted into a mail envelope, which caused an attenuation of −5 dB in the THz signal at 1.2 THz [
45]. The transmittance THz spectrum of the tags over the frequency range of 1.4–1.5 THz was measured at the center of each tag. In each measurement trial, one spectrum was acquired at one measurement point per tag. For each thickness, the signal was acquired nine times, resulting in 36 spectra in the dataset. Among them, 16 spectra were used for training and 20 spectra were used for testing; the testing dataset contained five instances per thickness [
45].
For the reagent tags, three chemicals such as aluminum hydroxide, lactose, and maltose, and mixtures of two chemicals were prepared, resulting in six different kinds of reagents [
45]. Considering the application of authenticity tags in leather products, synthetic leather and natural leather with a total attenuation of −50dB at 1.2 THz were used as the shielding materials for the THz signal. The transmittance THz spectrum was measured 5–6 times for each of six different reagents over the frequency range of 0.8–1.6 THz, resulting in 32 spectra in total. Among them, 14 spectra were used for training and 18 spectra were used for testing; the testing dataset contained three instances per reagent [
45].
For tag identification, using the acquired spectra as input features, various models such as SVM with Gaussian kernel, kNN with 
 1, 2, 3, and DNN were used. The DNN had three hidden layers with 60, 30, and 14 neurons, respectively, from the input to the output direction [
45]. Another SVM, called PCA-SVM, was also designed that used the first two principal components for input features, after applying PCA to the spectra. For both PE tags and reagent tags, all tags were correctly identified, except for the case of PCA-SVM for a 1.0 mm-thick PE tag; misidentification was mainly caused by severe feature reduction, resulting in loss of valuable information [
45].
In another experiment, real-time tag identification using a combination of multi-wavelength THz waves was investigated at the three frequencies of 1.13 THz, 1.23 THz, and 1.39 THz, corresponding to the peak absorption frequency of each reagent tag under investigation [
45]. Images of the detection beam were obtained using a beam profiler. This system facilitates one-shot real-time measurement of the tag. The image was modeled by a CNN shown in 
Figure 15, and it can identify reagent tags with three single chemicals with 100% accuracy [
45].
  5. Discussion
We examined some results of the recently developed ML-based THz applications. In diagnosing a disease, such as cervical carcinoma, breast IDC, and TBI, the current ML techniques provide a sensitivity of about 90% and a specificity of larger than 95%. In regression tasks for typical biomedical applications, the coefficient of determination larger than 0.9 can be achieved. The performance of multi-class classification depends heavily on the number of classes and the degree of discrimination among classes.
Future research on ML-based THz applications will be focused on designing a specialized ML model that is best suited for a given task. For example, if target information is obscured by attenuation, measurement noise and/or other interfering components, which is often occurred in THz signals acquired from liquids and biomolecules, applying ML in a straightforward way using off-the-shelf models might not guarantee acceptable performance. To design a specialized model for the task, we should first analyze the unique properties and constrains of the signals, which are determined by the THz system in use and the characteristics of test samples, and then investigate how they affect learning behavior in various ML models. Once the final model is designed, we optimize its operation by choosing the optimal hyper-parameters for the task. Because it is not affordable to obtain a large training dataset independently for each task, research on data augmentation suitable for THz signals is also required. In parallel with advances in ML techniques, THz technologies for fast acquisition of high-quality signals will be necessary to improve the performance of task to the level for clinical and commercial applications.
   
  
    Author Contributions
Conceptualization, H.P. and J.-H.S.; writing—original draft preparation, H.P.; writing—review and editing, H.P. and J.-H.S.; project administration, H.P. and J.-H.S.; funding acquisition, H.P. and J.-H.S. All authors have read and agreed to the published version of the manuscript.
Funding
This research was partly funded by the Research Grant of Kwangwoon University in 2020, the National Research Foundation of Korea (NRF) grant funded by the Korean government (MSIT) (NRF-2016R1D1A1B03930923), and an Institute for Information & Communications Technology Promotion (IITP) grant funded by the Korean government (MSIT) (No. 2017-0-00422, Cancer DNA demethylation using ultra-high-power terahertz radiation).
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
Data sharing not applicable.
Conflicts of Interest
The authors declare no conflict of interest.
References
- Ferguson, B.; Wang, S.; Gray, D.; Abbot, D.; Zhang, X.C. T-ray computed tomography. Opt. Lett. 2002, 27, 1312–1314. [Google Scholar] [CrossRef]
- Park, G.S.; Kim, Y.H.; Han, H.; Han, J.K.; Ahn, J.; Son, J.H.; Park, W.Y.; Jeong, Y.U. (Eds.) Convergence of Terahertz Sciences in Biomedical Systems; Springer: Dordrecht, The Netherlands, 2012. [Google Scholar]
- Son, J.H. (Ed.) Terahertz Biomedical Science and Technology; CRC Press: Boca Raton, FL, USA, 2014. [Google Scholar]
- Yang, X.; Zhao, X.; Yang, K.; Liu, Y.; Liu, Y.; Fu, W.; Luo, Y. Biomedical applications of terahertz spectroscopy and imaging. Trends Biotechnol. 2016, 34, 810–824. [Google Scholar] [CrossRef]
- Cheon, H.; Yang, H.J.; Son, J.H. Toward clinical cancer imaging using terahertz spectroscopy. IEEE J. Sel. Top. Quantum Electron. 2017, 23, 1–9. [Google Scholar] [CrossRef]
- Mittleman, D.M. Twenty years of terahertz imaging. Opt. Express 2018, 26, 9417–9431. [Google Scholar] [CrossRef]
- Son, J.H.; Oh, S.J.; Cheon, H. Potential clinical applications of terahertz radiation. J. Appl. Phys. 2019, 125, 190901. [Google Scholar] [CrossRef]
- Oh, S.J.; Kang, J.; Maeng, I.; Suh, J.S.; Huh, Y.M.; Haam, S.; Son, J.H. Nanoparticle-enabled terahertz imaging for cancer diagnosis. Opt. Express 2009, 17, 3469–3475. [Google Scholar] [CrossRef]
- Park, J.Y.; Choi, H.J.; Cho, K.S.; Kim, K.R.; Son, J.H. Terahertz spectroscopic imaging of a rabbit VX2 hepatoma model. J. Appl. Phys. 2011, 109, 064704. [Google Scholar] [CrossRef]
- Sim, Y.C.; Ahn, K.M.; Park, J.Y.; Park, C.S.; Son, J.H. Temperature-dependent terahertz imaging of excised oral malignant melanoma. IEEE J. Biomed. Health Inform. 2013, 17, 779–784. [Google Scholar] [CrossRef]
- Sim, Y.C.; Park, J.Y.; Ahn, K.M.; Park, C.; Son, J.H. Terahertz imaging of excised oral cancer at frozen temperature. Biomed. Opt. Express 2013, 4, 1413–1421. [Google Scholar] [CrossRef] [PubMed]
- Qi, N.; Zhang, Z.; Xiang, Y.; Yang, Y.; Liang, X.; Harrington, P.D.B. Terahertz time-domain spectroscopy combined with support vector machines and partial least squares-discriminant analysis applied for the diagnosis of cervical carcinoma. Anal. Methods 2015, 7, 2333–2338. [Google Scholar] [CrossRef]
- Yamaguchi, S.; Fukushi, Y.; Kubota, O.; Itsuji, T.; Ouchi, T.; Yamamoto, S. Brain tumor imaging of rat fresh tissue using terahertz spectroscopy. Sci. Rep. 2016, 6, 30124. [Google Scholar] [CrossRef]
- Park, J.Y.; Choi, H.J.; Cheon, H.; Cho, S.W.; Lee, S.; Son, J.H. Terahertz imaging of metastatic lymph nodes using spectroscopic integration technique. Biomed. Opt. Express 2017, 8, 1122–1129. [Google Scholar] [CrossRef]
- Shi, J.; Wang, Y.; Chen, T.; Xu, D.; Zhao, H.; Chen, L.; Yan, C.; Tang, L.; He, Y.; Feng, H.; et al. Automatic evaluation of traumatic brain injury based on terahertz imaging with machine learning. Opt. Express 2018, 26, 6371–6381. [Google Scholar] [CrossRef]
- Huang, P.; Cao, Y.; Chen, J.; Ge, W.; Hou, D.; Zhang, G. Analysis and inspection techniques for mouse liver injury based on terahertz spectroscopy. Opt. Express 2019, 27, 26014–26026. [Google Scholar] [CrossRef]
- Wang, Y.; Wang, G.; Xu, D.; Jiang, B.; Ge, M.; Wu, L.; Yang, C.; Mu, N.; Wang, S.; Chang, C.; et al. Terahertz spectroscopic diagnosis of early blast-induced traumatic brain injury in rats. Biomed. Opt. Express 2020, 11, 4085–4098. [Google Scholar] [CrossRef] [PubMed]
- Cao, Y.; Huang, P.; Chen, J.; Ge, W.; Hou, D.; Zhang, G. Qualitative and quantitative detection of liver injury with terahertz time-domain spectroscopy. Biomed. Opt. Express 2020, 11, 982–993. [Google Scholar] [CrossRef] [PubMed]
- Liu, W.; Zhang, R.; Ling, Y.; Tang, H.; She, R.; Wei, G.; Gong, X.; Lu, Y. Automatic recognition of breast invasive ductal carcinoma based on terahertz spectroscopy with wavelet packet transform and machine learning. Biomed. Opt. Express 2020, 11, 971–981. [Google Scholar] [CrossRef]
- Kistenev, Y.V.; Teteneva, A.V.; Sorokina, T.V.; Knyazkova, A.I.; Zakharova, O.A.; Cuisset, A.; Vaks, V.L.; Domracheva, E.G.; Chernyaeva, M.B.; Anfert’ev, V.A.; et al. Diagnosis of diabetes based on analysis of exhaled air by Terahertz spectroscopy and machine learning. Opt. Spectrosc. 2020, 128, 809–814. [Google Scholar] [CrossRef]
- Son, J.H. Terahertz electromagnetic interactions with biological matter and their applications. J. Appl. Phys. 2009, 105, 102033. [Google Scholar] [CrossRef]
- Sun, Y.; Zhang, Y.; Pickwell-MacPherson, E. Investigating antibody interactions with a polar liquid using terahertz pulsed spectroscopy. Biophys. J. 2011, 100, 225–231. [Google Scholar] [CrossRef]
- Kim, K.W.; Kim, K.S.; Kim, H.; Lee, S.H.; Park, J.H.; Han, J.H.; Seok, S.H.; Park, J.; Choi, Y.S.; Kim, Y.I.; et al. Terahertz dynamic imaging of skin drug absorption. Opt. Express 2012, 20, 9476–9484. [Google Scholar] [CrossRef] [PubMed]
- Sun, Y.; Zhong, J.; Zhang, C.; Zuo, J.; Pickwell-MacPherson, E. Label-free detection and characterization of the binding of hemagglutinin protein and broadly neutralizing monoclonal antibodies using terahertz spectroscopy. J. Biomed. Opt. 2015, 20, 037006. [Google Scholar] [CrossRef] [PubMed]
- Yoon, J.H.; Yang, Y.J.; Park, J.; Son, H.; Park, H.; Park, G.S.; Ahn, C.B. Stiffness measurement using terahertz and acoustic waves for biological samples. Opt. Express 2015, 23, 32671–32678. [Google Scholar] [CrossRef]
- Cheon, H.; Yang, H.J.; Choi, M.; Son, J.H. Effective demethylation of melanoma cells using terahertz radiation. Biomed. Opt. Express 2019, 10, 4931–4941. [Google Scholar] [CrossRef]
- Fischer, B.M.; Walther, M.; Uhd Jepsen, P. Far-infrared vibrational modes of DNA components studied by terahertz time-domain spectroscopy. Phys. Med. Biol. 2002, 47, 3807–3814. [Google Scholar] [CrossRef] [PubMed]
- Oh, S.J.; Choi, J.; Maeng, I.; Park, J.Y.; Lee, K.; Huh, Y.M.; Suh, J.S.; Haam, S.; Son, J.H. Molecular imaging with terahertz waves. Opt. Express 2011, 19, 4009–4016. [Google Scholar] [CrossRef] [PubMed]
- Son, J.H. Principle and applications of terahertz molecular imaging. Nanotechnology 2013, 24, 214001. [Google Scholar] [CrossRef] [PubMed]
- Cheon, H.; Yang, H.J.; Lee, S.H.; Kim, Y.A.; Son, J.H. Terahertz molecular resonance of cancer DNA. Sci. Rep. 2016, 6, 37103. [Google Scholar] [CrossRef]
- Cheon, H.; Paik, J.H.; Choi, M.; Yang, H.J.; Son, J.H. Detection and manipulation of methylation in blood cancer DNA using terahertz radiation. Sci. Rep. 2019, 9, 1–10. [Google Scholar] [CrossRef]
- Lee, D.; Cheon, H.; Jeong, S.Y.; Son, J.H. Transformation of terahertz vibrational modes of cytosine under hydration. Sci. Rep. 2020, 10, 1–9. [Google Scholar] [CrossRef]
- Jeong, S.Y.; Cheon, H.; Lee, D.; Son, J.H. Determining terahertz resonant peaks of biomolecules in aqueous environment. Opt. Express 2020, 28, 3854–3863. [Google Scholar] [CrossRef]
- Cho, S.H.; Lee, S.H.; Nam-Gung, C.; Oh, S.J.; Son, J.H.; Park, H.; Ahn, C.B. Fast terahertz reflection tomography using block-based compressed sensing. Opt. Express 2011, 19, 16401–16409. [Google Scholar] [CrossRef]
- Hwang, B.M.; Lee, S.H.; Lim, W.T.; Ahn, C.B.; Son, J.H.; Park, H. A fast spatial-domain terahertz imaging using block-based compressed sensing. J. Infrared Millim. Terahertz Waves 2011, 32, 1328–1336. [Google Scholar] [CrossRef]
- Kim, K.W.; Kim, H.; Park, J.; Han, J.K.; Son, J.H. Terahertz tomographic imaging of transdermal drug delivery. IEEE Trans. Terahertz Sci. Technol. 2011, 2, 99–106. [Google Scholar] [CrossRef]
- Kim, K.; Lee, D.G.; Ham, W.G.; Ku, J.; Lee, S.H.; Ahn, C.B.; Son, J.H.; Park, H. Adaptive compressed sensing for the fast terahertz reflection tomography. IEEE J. Biomed. Health Inform. 2013, 17, 806–812. [Google Scholar] [CrossRef] [PubMed]
- Skryl, A.S.; Jackson, J.B.; Bakunov, M.I.; Menu, M.; Mourou, G.A. Terahertz time-domain imaging of hidden defects in wooden artworks: Application to a Russian icon painting. Appl. Opt. 2014, 53, 1033–1038. [Google Scholar] [CrossRef] [PubMed]
- Krügener, K.; Schwerdtfeger, M.; Busch, S.F.; Soltani, A.; Castro-Camus, E.; Koch, M.; Viöl, W. Terahertz meets sculptural and architectural art: Evaluation and conservation of stone objects with T-ray technology. Sci. Rep. 2015, 5, 1–7. [Google Scholar] [CrossRef]
- Park, H.; Son, J.H.; Ahn, C.B. Enhancement of terahertz reflection tomographic imaging by interference cancellation between layers. Opt. Express 2016, 24, 7028–7036. [Google Scholar] [CrossRef]
- Krimi, S.; Klier, J.; Jonuscheit, J.; Von Freymann, G.; Urbansky, R.; Beigang, R. Highly accurate thickness measurement of multi-layered automotive paints using terahertz technology. Appl. Phys. Lett. 2016, 109, 021105. [Google Scholar] [CrossRef]
- Notake, T.; Endo, R.; Fukunaga, K.; Hosako, I.; Otani, C.; Minamide, H. State-of-the-art database of terahertz spectroscopy based on modern web technology. IEEE Trans. Terahertz Sci. Technol. 2013, 4, 110–115. [Google Scholar] [CrossRef]
- Li, Y.; Shen, X.A.; Ewing, R.L.; Li, J. Terahertz spectroscopic material identification using approximate entropy and deep neural network. In Proceedings of the IEEE National Aerospace and Electronics Conference, Dayton, OH, USA, 27–30 June 2017; pp. 52–56. [Google Scholar]
- Sun, Y.; Du, P.; Lu, X.; Xie, P.; Qian, Z.; Fan, S.; Zhu, Z. Quantitative characterization of bovine serum albumin thin-films using terahertz spectroscopy and machine learning methods. Biomed. Opt. Express 2018, 9, 2917–2929. [Google Scholar] [CrossRef] [PubMed]
- Mitsuhashi, R.; Murate, K.; Niijima, S.; Horiuchi, T.; Kawase, K. Terahertz tag identifiable through shielding materials using machine learning. Opt. Express 2020, 28, 3517–3527. [Google Scholar] [CrossRef] [PubMed]
- Borovkova, M.; Khodzitsky, M.; Demchenko, P.; Cherkasova, O.; Popov, A.; Meglinski, I. Terahertz time-domain spectroscopy for non-invasive assessment of water content in biological samples. Biomed. Opt. Express 2018, 9, 2266–2276. [Google Scholar] [CrossRef]
- Peng, Y.; Shi, C.; Xu, M.; Kou, T.; Wu, X.; Song, B.; Ma, H.; Guo, S.; Liu, L.; Zhu, Y. Qualitative and quantitative identification of components in mixture by terahertz spectroscopy. IEEE Trans. Terahertz Sci. Technol. 2018, 8, 696–701. [Google Scholar] [CrossRef]
- Zahid, A.T.; Abbas, H.; Imran, M.A.; Qaraqe, K.A.; Alomainy, A.; Cumming, D.R.; Abbasi, Q.H. Characterization and water content estimation method of living plant leaves using terahertz waves. Appl. Sci. 2019, 9, 2781. [Google Scholar] [CrossRef]
- Sun, X.; Zhu, K.; Liu, J.; Hu, J.; Jiang, X.; Liu, Y.; Gong, Z. Terahertz spectroscopy determination of benzoic acid additive in wheat flour by machine learning. J. Infrared Millim. Terahertz Waves 2019, 40, 466–475. [Google Scholar] [CrossRef]
- Liu, W.; Zhao, P.; Wu, C.; Liu, C.; Yang, J.; Zheng, L. Rapid determination of aflatoxin B1 concentration in soybean oil using terahertz spectroscopy with chemometric methods. Food Chem. 2019, 293, 213–219. [Google Scholar] [CrossRef]
- Cao, C.; Zhang, Z.; Zhao, X.; Zhang, T. Terahertz spectroscopy and machine learning algorithm for non-destructive evaluation of protein conformation. Opt. Quantum Electron. 2020, 52, 1–18. [Google Scholar] [CrossRef]
- El Ayadi, M.; Kamel, M.S.; Karray, F. Survey on speech emotion recognition: Features, classification schemes, and databases. Pattern Recognit. 2011, 44, 572–587. [Google Scholar] [CrossRef]
- Abdel-Hamid, O.; Mohamed, A.R.; Jiang, H.; Deng, L.; Penn, G.; Yu, D. Convolutional neural networks for speech recognition. IEEE ACM Trans. Audio Speech Lang. Process. 2014, 22, 1533–1545. [Google Scholar] [CrossRef]
- Hansen, J.H.; Hasan, T. Speaker recognition by machines and humans: A tutorial review. IEEE Signal Process. Mag. 2015, 32, 74–99. [Google Scholar] [CrossRef]
- Shin, S.H.; Yun, H.W.; Jang, W.J.; Park, H. Extraction of acoustic features based on auditory spike code and its application to music genre classification. IET Signal Process. 2018, 13, 230–234. [Google Scholar] [CrossRef]
- Nassif, A.B.; Shahin, I.; Attili, I.; Azzeh, M.; Shaalan, K. Speech recognition using deep neural networks: A systematic review. IEEE Access 2019, 7, 19143–19165. [Google Scholar] [CrossRef]
- Vesperini, F.; Gabrielli, L.; Principi, E.; Squartini, S. Polyphonic sound event detection by using capsule neural networks. IEEE J. Sel. Top. Signal Process. 2019, 13, 310–322. [Google Scholar] [CrossRef]
- Bishop, C.M. Pattern Recognition and Machine Learning; Springer: New York, NY, USA, 2006. [Google Scholar]
- Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. In Proceedings of the Conference on Neural Information Processing Systems, Lake Tahoe, NV, USA, 3–6 December 2012. [Google Scholar]
- Li, S.; Song, W.; Fang, L.; Chen, Y.; Ghamisi, P.; Benediktsson, J.A. Deep learning for hyperspectral image classification: An overview. IEEE Trans. Geosci. Remote Sens. 2019, 57, 6690–6709. [Google Scholar] [CrossRef]
- Zhang, J.; Xie, Y.; Wu, Q.; Xia, Y. Medical image classification using synergic deep learning. Med. Image Anal. 2019, 54, 10–19. [Google Scholar] [CrossRef]
- Wang, W.; Yang, Y.; Wang, X.; Wang, W.; Li, J. Development of convolutional neural network and its application in image classification: A survey. Opt. Eng. 2019, 58, 040901. [Google Scholar] [CrossRef]
- Janai, J.; Güney, F.; Behl, A.; Geiger, A. Computer vision for autonomous vehicles: Problems, datasets and state of the art. Found. Trends® Comput. Graph. Vis. 2020, 12, 1–308. [Google Scholar] [CrossRef]
- Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016; pp. 1–3. [Google Scholar]
- Géron, A. The machine learning landscape. In Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems; O’Reilly Media: Sebastopol, CA, USA, 2019; pp. 7–14. [Google Scholar]
- LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
- Wold, S.; Esbensen, K.; Geladi, P. Principal component analysis. Chemom. Intell. Lab. Syst. 1987, 2, 37–52. [Google Scholar] [CrossRef]
- Krishna, K.; Murty, M.N. Genetic K-means algorithm. IEEE Trans. Syst. Man Cybern. Part B Cybern. 1999, 29, 433–439. [Google Scholar] [CrossRef]
- Hinton, G.E.; Sejnowski, T.J. (Eds.) Unsupervised Learning: Foundations of Neural Computation; MIT Press: Cambridge, MA, USA, 1999. [Google Scholar]
- Abdi, H.; Williams, L.J. Principal component analysis. Wiley Interdiscip. Rev. Comput. Stat. 2010, 2, 433–459. [Google Scholar] [CrossRef]
- Lotter, W.; Kreiman, G.; Cox, D. Unsupervised learning of visual structure using predictive generative networks. arXiv 2015, arXiv:1511.06380. [Google Scholar]
- Mnih, V.; Kavukcuoglu, K.; Silver, D.; Graves, A.; Antonoglou, I.; Wierstra, D.; Riedmiller, M. Playing Atari with deep reinforcement learning. arXiv 2013, arXiv:1312.5602. [Google Scholar]
- Finn, C.; Tan, X.Y.; Duan, Y.; Darrell, T.; Levine, S.; Abbeel, P. Learning visual feature spaces for robotic manipulation with deep spatial autoencoders. arXiv 2015, arXiv:1509.06113, 25. [Google Scholar]
- Mnih, V.; Kavukcuoglu, K.; Silver, D.; Rusu, A.A.; Veness, J.; Bellemare, M.G.; Graves, A.; Riedmiller, M.; Fidjeland, A.K.; Ostrovski, G.; et al. Human-level control through deep reinforcement learning. Nature 2015, 518, 529–533. [Google Scholar] [CrossRef] [PubMed]
- Sutton, R.S.; Barto, A.G. Reinforcement Learning: An Introduction; MIT Press: Cambridge, MA, USA, 2018. [Google Scholar]
- Ghojogh, B.; Crowley, M. The theory behind overfitting, cross validation, regularization, bagging, and boosting: Tutorial. arXiv 2019, arXiv:1905.12787. [Google Scholar]
- Bishop, C.M. Regularization and complexity control in feed-forward networks. In Proceedings of the International Conference on Artificial Neural Networks, Paris, France, 9–13 October 1995. [Google Scholar]
- Bengio, Y.; Courville, A.; Vincent, P. Representation learning: A review and new perspectives. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 1798–1828. [Google Scholar] [CrossRef]
- Hinton, G.E.; Srivastava, N.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R.R. Improving neural networks by preventing co-adaptation of feature detectors. arXiv 2012, arXiv:1207.0580. [Google Scholar]
- Srivastava, N.; Hinton, G.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R. Dropout: A simple way to prevent neural networks from overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
- Dietterich, T.G. Ensemble learning. In The Handbook of Brain Theory and Neural Networks; MIT Press: Cambridge, MA, USA, 2002. [Google Scholar]
- Vapnik, V.; Levin, E.; Cun, Y.L. Measuring the VC-dimension of a learning machine. Neural Comput. 1994, 6, 851–876. [Google Scholar] [CrossRef]
- Cho, J.; Lee, K.; Shin, E.; Choy, G.; Do, S. How much data is needed to train a medical image deep learning system to achieve necessary high accuracy? arXiv 2015, arXiv:1511.06348. [Google Scholar]
- Schölkopf, B.; Smola, A.; Müller, K.R. Kernel principal component analysis. In Proceedings of the International Conference on Artificial Neural Networks, Lausanne, Switzerland, 8–10 October 1997; pp. 583–588. [Google Scholar]
- Wang, Q. Kernel principal component analysis and its applications in face recognition and active shape models. arXiv 2012, arXiv:1207.3538. [Google Scholar]
- Robnik-Šikonja, M.; Kononenko, I. Theoretical and empirical analysis of ReliefF and RReliefF. Mach. Learn. 2003, 53, 23–69. [Google Scholar] [CrossRef]
- Reshef, D.N.; Reshef, Y.A.; Finucane, H.K.; Grossman, S.R.; McVean, G.; Turnbaugh, P.J.; Lander, E.S.; Mitzenmacher, M.; Sabeti, P.C. Detecting novel associations in large data sets. Science 2011, 334, 1518–1524. [Google Scholar] [CrossRef] [PubMed]
- Benesty, J.; Chen, J.; Huang, Y.; Cohen, I. Pearson correlation coefficient. In Noise Reduction in Speech Processing; Springer: Berlin/Heidelberg, Germany, 2009. [Google Scholar]
- Kullback, S.; Leibler, R.A. On information and sufficiency. Ann. Math. Stat. 1951, 22, 79–86. [Google Scholar] [CrossRef]
- McCulloch, W.S.; Pitts, W. A logical calculus of the ideas immanent in nervous activity. Bull. Math. Biophys. 1943, 5, 115–133. [Google Scholar] [CrossRef]
- Rosenblatt, F. The perceptron: A probabilistic model for information storage and organization in the brain. Psychol. Rev. 1958, 65, 386. [Google Scholar] [CrossRef] [PubMed]
- Hinton, G.; Deng, L.; Yu, D.; Dahl, G.E.; Mohamed, A.R.; Jaitly, N.; Senior, A.; Vanhoucke, V.; Nguyen, P.; Sainath, T.N.; et al. Deep neural networks for acoustic modeling in speech recognition: The shared views of four research groups. IEEE Signal Process. Mag. 2012, 29, 82–97. [Google Scholar] [CrossRef]
- Glorot, X.; Bordes, A.; Bengio, Y. Deep sparse rectifier neural networks. In Proceedings of the International Conference on Artificial Intelligence and Statistics, Ft. Lauderdale, FL, USA, 11–13 April 2011. [Google Scholar]
- Dahl, G.E.; Sainath, T.N.; Hinton, G.E. Improving deep neural networks for LVCSR using rectified linear units and dropout. In Proceedings of the IEEE International Conference on Acoustics, Speech and Signal Processing, Vancouver, BC, Canada, 26–31 May 2013. [Google Scholar]
- Maas, A.L.; Hannun, A.Y.; Ng, A.Y. Rectifier nonlinearities improve neural network acoustic models. In Proceedings of the International Conference on Machine Learning, Atlanta, GA, USA, 16–21 June 2013. [Google Scholar]
- Kelley, H.J. Gradient theory of optimal flight paths. ARS J. 1960, 30, 947–954. [Google Scholar] [CrossRef]
- Masters, D.; Luschi, C. Revisiting small batch training for deep neural networks. arXiv 2018, arXiv:1804.07612. [Google Scholar]
- Rumelhart, D.E.; Hinton, G.E.; Williams, R.J. Learning representations by back-propagating errors. Nature 1986, 323, 533–536. [Google Scholar] [CrossRef]
- Dreyfus, S.E. Artificial neural networks, back propagation, and the Kelley-Bryson gradient procedure. J. Guid. Control Dyn. 1990, 13, 926–928. [Google Scholar] [CrossRef]
- Hinton, G.E.; Salakhutdinov, R.R. Reducing the dimensionality of data with neural networks. Science 2006, 313, 504–507. [Google Scholar] [CrossRef] [PubMed]
- Glorot, X.; Bengio, Y. Understanding the difficulty of training deep feedforward neural networks. In Proceedings of the International Conference on Artificial Intelligence and Statistics, Sardinia, Italy, 13–15 May 2010. [Google Scholar]
- Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
- Ioffe, S.; Szegedy, C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. arxiv 2015, arXiv:1502.03167. [Google Scholar]
- He, K.; Zhang, X.; Ren, S.; Sun, J. Delving deep into rectifiers: Surpassing human-level performance on imagenet classification. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015. [Google Scholar]
- Hendrycks, D.; Lee, K.; Mazeika, M. Using pre-training can improve model robustness and uncertainty. arXiv 2019, arXiv:1901.09960. [Google Scholar]
- LeCun, Y.; Boser, B.E.; Denker, J.S.; Henderson, D.; Howard, R.E.; Hubbard, W.E.; Jackel, L.D. Handwritten digit recognition with a back-propagation network. In Proceedings of the Conference on Neural Information Processing systems, Denver, CO, USA, 26–29 November 1990. [Google Scholar]
- Lawrence, S.; Giles, C.L.; Tsoi, A.C.; Back, A.D. Face recognition: A convolutional neural-network approach. IEEE Trans. Neural Netw. 1997, 8, 98–113. [Google Scholar] [CrossRef]
- Boureau, Y.L.; Ponce, J.; LeCun, Y. A theoretical analysis of feature pooling in visual recognition. In Proceedings of the International Conference on Machine Learning, Haifa, Israel, 21–24 June 2010. [Google Scholar]
- Laurent, H.; Rivest, R.L. Constructing optimal binary decision trees is NP-complete. Inf. Process. Lett. 1976, 5, 15–17. [Google Scholar]
- Loh, W.Y. Classification and regression trees. Wiley Interdiscip. Rev. Data Min. Knowl. Discov. 2011, 1, 14–23. [Google Scholar] [CrossRef]
- Géron, A. Decision trees. In Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems; O’Reilly Media: Sebastopol, CA, USA, 2019; pp. 177–181. [Google Scholar]
- Cover, T.; Hart, P. Nearest neighbor pattern classification. IEEE Trans. Inf. Theory 1967, 13, 21–27. [Google Scholar] [CrossRef]
- Cortes, C.; Vapnik, V. Support-vector networks. Mach. Learn. 1995, 20, 273–297. [Google Scholar] [CrossRef]
- Collobert, R.; Bengio, S.; Bengio, Y. A parallel mixture of SVMs for very large scale problems. Neural Comput. 2002, 14, 1105–1114. [Google Scholar] [CrossRef]
- Smola, A.J.; Schölkopf, B. A tutorial on support vector regression. Stat. Comput. 2004, 14, 199–222. [Google Scholar] [CrossRef]
- Breiman, L. Bagging predictors. Mach. Learn. 1996, 24, 123–140. [Google Scholar] [CrossRef]
- Breiman, L. Pasting small votes for classification in large databases and on-line. Mach. Learn. 1999, 36, 85–103. [Google Scholar] [CrossRef]
- Wolpert, D.H. Stacked generalization. Neural Netw. 1992, 5, 241–259. [Google Scholar] [CrossRef]
- Ho, T.K. Random decision forests. In Proceedings of the International Conference on Document Analysis and Recognition, Montreal, QC, Canada, 14–15 August 1995. [Google Scholar]
- Breiman, L. Random forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef]
- Freund, Y.; Schapire, R.E. A decision-theoretic generalization of on-line learning and an application to boosting. J. Comput. Syst. Sci. 1997, 55, 119–139. [Google Scholar] [CrossRef]
- Viola, P.; Jones, M. Fast and robust classification using asymmetric adaboost and a detector cascade. In Proceedings of the Conference on Neural Information Processing Systems, Vancouver, BC, Canada, 3–8 December 2001. [Google Scholar]
- Hastie, T.; Rosset, S.; Zhu, J.; Zou, H. Multi-class adaboost. Stat. Interface 2009, 2, 349–360. [Google Scholar] [CrossRef]
- Kohavi, R. A study of cross-validation and bootstrap for accuracy estimation and model selection. In Proceedings of the International Joint Conference on Artificial Intelligence, Montreal, QC, Canada, 20–25 August 1995; pp. 1137–1145. [Google Scholar]
- Wong, T.T. Performance evaluation of classification algorithms by k-fold and leave-one-out cross validation. Pattern Recognit. 2015, 48, 2839–2846. [Google Scholar] [CrossRef]
- Harrington, P.D.B. Statistical validation of classification and calibration models using bootstrapped Latin partitions. TrAC Trends Anal. Chem. 2006, 25, 1112–1124. [Google Scholar] [CrossRef]
- Wold, S.; Sjöström, M.; Eriksson, L. PLS-regression: A basic tool of chemometrics. Chemom. Intell. Lab. Syst. 2001, 58, 109–130. [Google Scholar] [CrossRef]
- Savitzky, A.; Golay, M.J. Smoothing and differentiation of data by simplified least squares procedures. Anal. Chem. 1964, 36, 1627–1639. [Google Scholar] [CrossRef]
- Harrington, P.D.B.; Kister, J.; Artaud, J.; Dupuy, N. Automated principal component-based orthogonal signal correction applied to fused near infrared—Mid-infrared spectra of French olive oils. Anal. Chem. 2009, 81, 7160–7169. [Google Scholar] [CrossRef]
- Pincus, S.M. Approximate entropy as a measure of system complexity. Proc. Natl. Acad. Sci. USA 1991, 88, 2297–2301. [Google Scholar] [CrossRef]
- Daubechies, I. Orthonormal bases of compactly supported wavelets. Commun. Pure Appl. Math. 1988, 41, 909–996. [Google Scholar] [CrossRef]
- Mallat, S.G. A theory for multiresolution signal decomposition: The wavelet representation. IEEE Trans. Pattern Anal. Mach. Intell. 1989, 11, 674–693. [Google Scholar] [CrossRef]
- Lei, L.; She, K. Identity vector extraction by perceptual wavelet packet entropy and convolutional neural network for voice authentication. Entropy 2018, 20, 600. [Google Scholar] [CrossRef]
|  | Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. | 
      
© 2021 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (http://creativecommons.org/licenses/by/4.0/).