Skip to main content

Multi-task hidden Markov modeling of spectrogram feature from radar high-resolution range profiles

Abstract

In radar high-resolution range profile (HRRP)-based statistical target recognition, one of the most challenging task is the feature extraction. This article utilizes spectrogram feature of HRRP data for improving the recognition performance, of which the spectrogram is a two-dimensional feature providing the variation of frequency domain feature with time domain feature. And then, a new radar HRRP target recognition method is presented via a truncated stick-breaking hidden Markov model (TSB-HMM). Moreover, multi-task learning (MTL) is employed, from which a full posterior distribution on the numbers of states associated with the targets can be inferred and the target-dependent states information are shared among multiple target-aspect frames of each target. The framework of TSB-HMM allows efficient variational Bayesian inference, of interest for large-scale problem. Experimental results for measured data show that the spectrogram feature has significant advantages over the time domain sample in both the recognition and rejection performance, and MTL provides a better recognition performance.

1. Introduction

A high-resolution range profile (HRRP) is the amplitude of coherent summations of the complex time return from target scatterers in each range resolution cell, which represents the projection of the complex returned from the target scatting centers onto the line-of-sight (LOS), as shown in Figure 1. Since it contains the target structure signatures, such as target size and scatterer distribution, radar HRRP target recognition has received intensive attention from the radar automatic target recognition (RATR) community [116].

Figure 1
figure 1

Illustration of an HRRP sample from a plane target, where the scatters on the plane target are represented in circles. This figure is cited from [1].

Several studies [816] show that statistical recognition is an efficient method for RATR. Figure 2 shows a typical flow chart of radar HRRP statistical recognition. By statistical recognition is meant the feature vector y extracted from test HRRP sample x will be assigned to the class with maximum posterior probability p(c|y), where c {1, ..., C} denotes the class membership. According to Bayes algorithm, p(c|y) p(y|c)p(c), where p(y|c) is the class-conditional likelihood and p(c) is the prior class probability. Since the prior class probability is usually assumed to be uniformly distributed, estimation of the posterior probability p(c|y) of each class is turned into estimation of the class-conditional likelihood p(y|c) of each class. There are usually two stages (training and classification) in the statistical recognition procedure. We suppose the class-conditional likelihood p(y|c) can be described via a model with a set of parameters (i.e., a parametric model). In the training phase, these parameters are estimated via training data (known as statistical modeling); and in the classification phase, as discussed above, given a test sample x, we first extract the feature vector y from the test sample, then we calculate the class-conditional likelihood p(y|c) for each target c, finally, the test sample is associated with target c' if c =arg max c p ( c | y ) . The focus of this article is on the feature extraction and statistical modeling.

Figure 2
figure 2

Typical flow chart of radar HRRP statistical recognition.

Feature extraction from HRRP is a key step of our recognition system. One of the general feature extraction methods is feature dimensionality reduction [5]. This method is generally supervised, and some discriminative information may be lost during the dimensional reduction procedure. Another general feature extraction method is feature transformation. The study given in [6] investigates various higher-order spectra, and shows that the power spectrum has the best recognition performance. Rather than just utilizing the frequency domain feature as in [6], this study exploits the spectrogram feature of HRRP data for combining both time domain and frequency domain features, which is a two-dimensional feature providing the variation of frequency domain feature with time domain feature. Some statistical models [816] are developed for HRRP-based RATR, of which [1416] successfully utilized the hidden Markov model (HMM) for modeling the feature vectors from the HRRP sequence. Since the HRRP sample is a typical high-dimensional distributed signal, it is computationally prohibitive to build such a high-dimensional HMM for describing HRRP sequences directly. Therefore, to avoid this problem, some dimensionality reduction methods are utilized. For example, in [14, 15], the relax algorithm is employed to extract the waveform constituents from the HRRP radar echoes, and then an HMM is utilized to characterize the features; in [16], a nonstationary HMM is utilized to characterize the following two features, i.e., the location information feature of scattering centers which are extracted via the multirelax algorithm, and the moments of HRRP radar echoes. Nevertheless, some information contained in HRRP samples will be inevitably lost during the dimensional reduction procedure. Moreover, since multiple aspect-dependent looks at a single target are utilized in the classification phase, the angular velocity of the target relative to the LOS of the radar is required to remain the same for the training and classification phases, which can hardly be satisfied for a noncooperative target.

The study reported here seeks an alternative way of exploiting HMM, in which we characterize the spectrogram feature from a single HRRP sample via the hidden Markov structure. In our model, the spectrogram feature extracted from each single HRRP is viewed as a d-dimensional sequence (d is the length of spectrogram feature in the frequency dimension), thus only a single HRRP sample is required for the classification phase rather than an aspect-dependent sequence. The main contribution of this study can be summarized as follows.

  1. (a)

    Spectrogram feature: The time domain HRRP samples only characterize the time domain feature of the target, which is too simple to obtain good performance. By contrast, the spectrogram feature introduced in this article is a time-frequency representation of HRRP data. The physical meaning of the spectrogram feature extracted from an HRRP sample is that the spectrogram feature in each time bin characterizes the frequency domain property of a fragment of the target, which can reflect the scattering properties of different physical constructions. Therefore, the spectrogram feature should be a better choice for the recognition problem.

  2. (b)

    Nonparametric model selection via stick-breaking construction: In the context of target recognition using HMMs, a key issue is to develop a methodology for defining an appropriate set of states to avoid over- or under-fitting. A Bayesian nonparametric infinite HMM (iHMM) which constituted by the hierarchical Dirichlet process (HDP) has proven effective to infer the number of states in acoustic sensing scenarios [17, 18]. However, the lack of conjugacy between the two-level HDP means that a truly variational Bayesian (VB) solution is difficult for HDP-HMM, which makes computationally prohibitive in large data problems. Recent study [19] proposes another way to constitute iHMM, where each row of transition matrix and initial state probability is given with a fully conjugate infinite dimensional stick-breaking prior, which can accommodate an infinite number of states, with the statistical property that only a subset of these states will be used with substantial probabilities, referred to as the stick-breaking HMM (SB-HMM). We utilize the truncated version of such stick-breaking construction in our model to characterize the HMM states, which is referred to as the truncated stick-breaking HMM (TSB-HMM).

  3. (c)

    Multi-task learning (MTL): A limitation of statistical model is that it usually requires substantial training data, assumed to be similar to the data on which the model is tested. However, in radar target recognition problems, one may have limited training data. In addition, the test data may be obtained under different motion circumstance. Rather than building models for each data subset associated with different target-aspect individually, it is desirable to appropriately share the information among these related data, thus offering the potential to improve overall recognition performance. If the modeling of one data subset is termed one learning task, the learning of models for all tasks jointly is referred to as MTL [20]. We here extend the TSB-HMM learning in a multi-task setting for spectrogram feature-based radar HRRP recognition.

  4. (d)

    Full Bayesian inference: We present a fully conjugate Bayesian model structure, which does have an efficient VB solution.

The remainder of this article is organized as follows. We introduce spectrogram feature of HRRP data and analyze its advantages over time domain samples in Section 2. Section 3 briefly reviews the traditional HMMs. In Section 4, the proposed model construction is introduced, and the model learning and classification are implemented based on VB inference. We present experimental results on both single-task and multi-task TSB-HMM with time domain feature and spectrogram feature of measured HRRP data in Section 5. Finally, the conclusions are addressed in Section 6.

2. Spectrogram feature extraction

2.1 Definition of the spectrogram

The spectrogram analysis is a common signal processing procedure in spectral analysis and other fields. It is a view of a signal represented over both time and frequency domains, and has widely been used in the fields of radar signal processing, and speech processing [21, 22], etc.

Spectrograms can readily be created by calculating the short-time Fourier transform (STFT) of the time signal. The STFT transform may be represented as

STFT ( τ , ω ) = - x ( u ) w ( u - τ ) e - j ω u d u
(1)

where x(u) is the signal to be transformed, w(·) is the window function.

The spectrogram is given by the squared magnitude of the STFT function of the signal:

Y ( τ , ω ) = | STFT ( τ , ω ) | 2
(2)

From (1) and (2), we can see that the spectrogram function shows how the spectral density of signal varies with time.

In RATR problems, employing some nonlinear transformation (e.g., power transform metric) in feature domain may correct for the departures of samples from normal distribution to some extent and improve average recognition of learning models [2]. The power transform metric is defined as

y = x a ; 0 < a < 1
(3)

where a is the power parameter.

2.2 Spectrogram feature of HRRP data

The sequential relationship across the range cells within a single HRRP echo can reflect the physical composition of the target. This can be illustrated by Figure 3, which presents the HRRP samples and corresponding spectrogram features from three plane targets, i.e., Yark-42, An-26, and Cessna Citation S/II.

Figure 3
figure 3

The HRRP sample and corresponding spectrogram feature of plane targets. (a) HRRP echo (time domain feature) of plane targets, (b) corresponding spectrogram feature of original HRRP echoes of plane targets.

The advantages of spectrogram are as follows: (i) HRRP scattering from complex targets are a strong function of the target sensor orientation; and even a slight variation of the target-aspect may yield the scatterers at the edges of the target moving across some range cells [23]. When the target-aspect changes a little, the scatterers within several continuous range cells (referred to as a chunk) are more robust than the scatterers in a single range cell. Therefore, the sequential relationship across the chunks in spectrogram of a single HRRP echo, rather than that across the range cells within a single HRRP, can reflect the target physical composition more robustly. (ii) Spectrogram is a time-frequency representation of a signal. It describes not only time domain feature, but also the spectral density varying with the time. (iii) At each discrete time (each chunk or each range cell), the observation of a spectrogram feature is a vector, while that of time domain feature (HRRP sample) is a scalar. Thus, the high-dimensional feature vector may reflect more details than a single point for discrimination.

3. Review of traditional HMM: finite HMM and infinite HMM

The HMM [24] has widely been used in speech recognition and target recognition. It is a generative representation of sequential data with an underlying markovian process selecting state-dependents distributions, from which observations are drawn. Specially for a sequence of length T, a state sequence s = (s1, s2, ..., s T ) is drawn from P(s t |st-1). Given the observation model f(·), the observation sequence x = (x1, x2, ..., x T ) can then be drawn as f ( θ s t ) , where θ s t is a set of parameters for the observation models which is indexed by the state at time t.

An HMM can be modeled as Φ = {w0, w, θ}, each parameter is defined as

w 0 = { w 0 , i } , w 0 , i = Pr ( s 1 = i ) : Initial state distribution w = { w i , j } , w i , j = Pr ( s t + 1 = j | s t = i ) : State transition probability θ = { θ i } , x t ~ f ( θ s t ) : Emission likelihood
(4)

Given model parameters Φ, the probability of the complete data can be expressed as

p ( x , s | Φ ) = w 0 , i t = 1 T - 1 w s t , s t + 1 t = 1 T p ( x t | θ s t )
(5)

And the data likelihood p(x|Φ) can be obtained by integrating over the states using the forward algorithm [24]. In a classical HMM [24], the number of the states with the HMM is initialized and fixed. Therefore, we have to specify model structure before learning. However, in many practical applications, it needs an expansive model selection process to obtain a correct model structure. To avoid the model selection process, a fully nonparametric Bayesian approach with countably infinite state spaces is employed, first proposed by Beal, and termed infinite Markov model (iHMM) [25].

Recent study [19] proposes the iHMM with stick-breaking priors (SB-HMM), which can be used to develop an HMM with an unknown number of states. In this model, each row of the infinite state transition matrix w is given a stick-breaking prior. The model is expressed as follows

G i = j = 1 w i , j δ ( θ j ) , w i , j = v i , j h = 1 j - 1 ( 1 - v i , h ) , v i , j | β i ~ Beta ( 1 , β i ) β i ~ G a ( a α , b α ) , θ j ~ H ; i = 1 , 2 , ; j = 1 , 2 , ,
(6)

where the mixture distribution G i has weights represented as w i = [wi, 1, wi, 2, ..., w i, j , ...], δ(θ j ) is a point measure concentrated at θ j , Beta(1, β i ) represents the Beta distribution with hidden variable β i , the drawn variables { v i , j } j = 1 are independent and identically distributed (i.i.d), Ga(a α , b α ) represents the Gamma distribution with preset parameters a α , b α , and H denotes a prior distribution from which the set { θ j } j = 1 is i.i.d drawn. The initial state probability mass function, w0, is also constructed according to an infinite stick-breaking construction. When w i terminates at some finite number I - 1 with w i , I 1 - J = 1 I - 1 w i , j , this result is a draw from a general Dirichlet distribution [26], which is denoted as w i ~ GDD(1(I-1) × 1, [β i ](I-1) × 1), where 1(I-1) × 1denotes an (I - 1)-length vector of ones, [β i ](I-1) × 1is an (I - 1)-length vector of β i , and I represents the truncation number of states.

The key advantage of stick-breaking construction is that the corresponding state-dependent parameters θ j are drawn separately, effectively detaching the construction θ from the construction initial-state probability w0 and state transition matrix w. This is contrast with HDP priors [27], where these matrices are linked with two-level construction. Therefore, the stick-breaking construction makes fast variational inference feasible. In addition, the SB-HMM has a good sparse property, which promotes a sparse utilization of the underlying states [19].

4. The SB-HMM for HRRP data

4.1 MTL model construction

According to the scattering center model [4], for a high-resolution radar system, a radar target does not appear as a "point target" any more, but consists of many scatterers distributed in some range cells along radar LOS. For a certain target, the scattering center model varies throughout the whole target-aspect. Therefore, pre-processing techniques should be applied to the raw HRRP data. In our previous work [1113], we divide the HRRP into frames according to the aspect-sectors without most scatterers' motion through resolution cells (MTRC), and use distinct parametric models for statistical characterization of each HRRP frame, which are referred to as the aspect-frames and corresponding single-task learning (STL) models in our articles.

For the motivating HRRP recognition problems of interested here, we utilize TSB-HMM for analyzing spectrogram features extracted from HRRP data. For a multi-aspect HRRP sequence of target c (c {1, ..., C} with C denoting the number of targets here), we divide the data into M c aspect frames, e.g., the m th set (here m {1, ..., M c }) is { x ( c , m , n ) } n = 1 N where N denotes the number of samples in the frame, and x(c, m, n)= [x(c, m, n)(1), ..., x(c, m, n)(L x )]Trepresents the n th HRRP sample in the m th frame, with L x denoting the number of range cells in an HRRP sample. Each aspect frame corresponds to a small aspect-sector avoiding scatters' MTRC [13], and the HRRP samples inside each target-aspect frame can be assumed to be i.i.d. We extract the spectrogram feature of each HRRP sample, and Y(c, m, n)= [y(c, m, n)(1), ..., y(c, m, n)(L y )] denotes the spectrogram feature of x(c, m, n)as defined in (2) with L y denoting the number of time bins in spectrogram feature.

If learning a separate TSB-HMM for each frame of the target, i.e., { Y ( c , m , n ) } n = 1 N , is termed the single-task TSB-HMM (STL TSB-HMM). Here, we wish to learn a TSB-HMM for all the aspect-frames (tasks) of one target jointly, which is referred to as multi-task TSB-HMM (MTL TSB-HMM). MTL is an approach to inductive transfer that improves generalization by using the domain information contained in the training samples of related tasks as an inductive bias [20]. In our learning problems, the aspect-frames of one target may be viewed as a set of related learning tasks. Rather than building models for each aspect-frame individually (due to target-aspect sensitivity), it is desirable to appropriately share the information among these related data. Therefore, the training data for each task are strengthened and overall recognition performance is potentially improved.

The construction of the MTL TSB-HMM with parameters for target c is represented as

y ( c , m , n ) ( l ) ~ f ( θ s l ( c , m , n ) ) ; l = 1 , , L y ; n = 1 , , N ; m = 1 , , M c ; s l ( c , m , n ) ~ w 0 ( c , m ) if l = 1 w s l - 1 ( c , m , n ) ( c , m ) if l 2 w i ( c , m ) | β i ~ G D D ( 1 ( I - 1 ) × 1 , [ β i ] ( I - 1 ) × 1 ) , β i | a α , b α ~ G a ( a α , b α ) ; i = 0 , , I θ i ~ H ; i = 1 , , I
(7)

where y(c, m, n)(l) is l th time chunk of n th sample's spectrogram in the m th aspect-frame of the c th target, s l ( c , m , n ) denotes the corresponding state indicator, (a α , b α ) are the preset hyperparameters. Here, the observation model f(·)is defined as independently normal distribution, and each corresponding element in H(·) is normal-Gamma distribution to preserve conjugacy requirements. Since each time bin of spectrogram feature of a plane corresponds to a fragment of the plane, the HMM states can characterize the frequency domain properties of different fragments of the plane target, i.e., the scattering properties of different physical constructions. A graphical representation of this model is shown in Figure 4a, and Figure 4b depicts that the sequential dependence across time chunks for a given aspect-frame is characterized by an HMM structure.

Figure 4
figure 4

Graphical representation of the MTL TSB-HMM, the detailed generative process is described in (7). (a) Graph of the MTL TSB-HMM, the detailed generative process is described in (6). Here, W ( c , m ) = [ w 0 ( c , m ) T ; w 1 ( c , m ) T ; ; w I ( c , m ) T ] , i is the state index, c is the target index, l is the range cell index, y(c, m, n)(l) is l th time chunk of n th sample's spectrogram in the m th aspect-frame of the c th target. For the symbol I, Mc, N, and L y of a box indicate that there is a stack of such box for the index i, m, n, and l, where I denotes the truncation number of states, M c denotes the number of aspect-frames of target c, N denotes the number of samples in an aspect frame, and L y denotes the number of time bins in spectrogram feature. (b) The spatial dependence across time cell of spectrogram feature for a given aspect frame.

The main difference between MTL TSB-HMM and STL TSB-HMM is in the proposed MTL TSB-HMM, all the multi-aspect frames of one target are learned jointly, each of the M c tasks of target c is assumed to have an independent state-transition statistics, but the state-dependent observation statistics are shared across these tasks, i.e., the observation parameters are learned via all aspect-frames; while in the STL TSB-HMM, each multi-aspect frame of target c is learned separately, therefore, each target-aspect frame builds its own model and the corresponding parameters are learned just via this aspect-frame.

4.2 Model learning

The parameters of proposed MTL TSB-HMM model are treated as variables, and this model can readily be implemented by Markov Chain Monte Carlo (MCMC) [28] method. However, to approximate the posterior distribution over parameters, MCMC requires large computational resources to assess the convergence and reliability of estimates. In this article, we employ VB inference [19, 29, 30], which does not generate a single point estimation of the parameters, but regard all model parameters as possible, with the goal of estimating the posterior density function on the model parameters, as a compromise between accuracy and computational cost for large-scale problems.

The goal of Bayesian inference is to estimate the posterior distribution of model parameters Φ. Given the observation data X and hyper parameters γ, by Bayes' rule, the posterior density for the model parameters may be expressed as

p ( Φ | X , γ ) = p ( X | Φ , γ ) p ( Φ | γ ) p ( X | Φ , γ ) p ( Φ | γ ) d Φ
(8)

where the denominator ∫p(X|Φ, γ)p(Φ|γ)d Φ = p(X|γ) is the model evidence (marginal likelihood).

VB inference provides a computationally tractable way which seeks a variational distribution q(Φ) to approximate the true posterior distribution of the latent variables p(Φ|X, γ), we obtain the expression

log p ( X | γ ) = L ( q ( Φ ) ) + K L ( q ( Φ ) | | p ( Φ | X , γ ) )
(9)

where L ( q ( Φ ) ) = q ( Φ ) log p ( X | Φ , γ ) p ( Φ | γ ) q ( Φ ) d Φ , and KL(q(Φ)|| p(Φ|X, γ)) is the Kullback-Leibler (KL) divergence between the variational distributions q(Φ) and the true posterior p(Φ|X, γ). Since KL(q(Φ)|| p(Φ|X, γ)) ≥ 0, and it reaches zero when q(Φ) = p(Φ|X, γ), this forms a lower bound for log p(X|γ), so we have log p(X|γ) ≥ L(q(Φ)). The goal of minimizing the KL divergence between the variational distribution and the true posterior is equal to maximize this lower bound, which is known as the negative free energy in statistical physics.

For the computational convenience and intractable of the negative-free energy, we assume a factorized q(Φ), i.e., q ( Φ ) = k q k ( φ k ) , which has same form as employed in p(Φ|X, γ). With this assumption, the mean field approximation of the variational distributions for the proposed MTL TSB-HMM with target c may be expressed as

q ( Φ ) = m = 1 M c i = 0 I q ( w i ( c , m ) ) [ m = 1 M c n = 1 N l = 1 L y q ( s l ( c , m , n ) ) ] q ( θ ) q ( β )
(10)

where { { w i ( c , m ) } m = 1 , i = 0 M c , I , { s l ( c , m , n ) } m = 1 , n = 1 , l = 1 M c , N , L y , θ , β } are the latent variables in this MTL model.

A general method for performing variational inference for conjugate-exponential Bayesian networks outlined in [17] is as follows: for a given node in a graphic model, write out the posterior as though everything were known, take the logarithm, the expectation with respect to all known parameters and exponentiate the result. We can implement expectation-maximization (EM) algorithm in variational inference. The lower bound is increased in each of iteration until the algorithm converges. In the following experiments, we terminate EM algorithm when the changes of the lower bound can be neglected (the threshold is 10-6). Since it requires computational resource comparable to EM algorithm, variational inference is faster than MCMC methods. The detailed update equations for the latent variables and hyperparameters of MTL TSB-HMM with HRRP spectrogram feature are summarized in the Appendix.

4.3 Main procedure of radar HRRP target recognition based on the proposed MTL TSB-HMM algorithm

The main procedure of radar HRRP target recognition based on the proposed MTL TSB-HMM algorithm is shown as follows.

4.3.1. Training phase

  1. (1)

    Divide the training samples of target c (c = 1, 2, ..., C) into HRRP frames { x ( c , m ) } m = 1 M c , where M c is the number of tasks of target c, x ( c , m ) = { x ( c , m , n ) } n = 1 N denotes the m th range aligned and amplitude normalized HRRP frame, N is the number of echoes a frame contains.

  2. (2)

    Extract the spectrogram feature { Y ( c , m , n ) } m = 1 , n = 1 M c , N of each HRRP sample with Y(c, m, n)= [y(c, m, n)(1), y(c, m, n)(2), ..., y(c, m, n)(L y )] denoting the spectrogram feature of x(c, m, n)as defined in (2).

  3. (3)

    For each target, we construct an MTL TSB-HMM model, and learn the parameters of w 0 , s 1 ( c , m ) ( c , m ) , w i , j ( c , m ) , and θ i for all aspect-frames of the target via using spectrogram feature, where w 0 , s 1 ( c , m ) ( c , m ) is the initial state probability for the index frame m of target c, w i , j ( c , m ) is state transition probability from state i to the j for the index frame m of target c, and θ i are the parameters of observation model associated with corresponding state i (c {1, ..., C}, m {1, ..., M c }, i, j {1, ..., I}). The detailed learning procedure of the parameters of MTL TSB-HMM with HRRP spectrogram feature are discussed in Section 4.3 and the Appendix.

  4. (4)

    Store the parameters of initial state probability w 0 , s 1 ( c , m ) ( c , m ) m = 1 M c , state transition probability w ( c , m ) m = 1 M c and the parameters of observation model θ i i = 1 I for each target c with c = 1, 2, ..., C.

4.3.2. Classification phase

  1. (1)

    The amplitude normalized HRRP testing sample is time-shift compensated with respect to the averaged HRRP of each frame model via the slide correlation processing [23].

  2. (2)

    Extract the spectrogram feature Y test ( c , m ) c = 1 , m = 1 C , M c of the slide-correlated HRRP testing sample xtest, where Y test ( c , m ) = { [ y test ( c , m ) ( 1 ) , y test ( c , m ) ( 2 ) , , y test ( c , m ) ( L y ) ] } denotes the spectrogram feature of HRRP testing sample correlated with m th frame of target c as defined in (2).

  3. (3)

    The frame-conditional likelihood of target can be calculated as

    p ( Y test ( c , m ) | c , m ) = s w 0 , s 1 ( c , m ) ( c , m ) l = 2 L y w s l - 1 ( c , m ) , s l ( c , m ) ( c , m ) l = 1 L y f ( c , m ) ( y test ( c , m ) ( l ) | θ s l ( c , m ) )
    (11)

where 〈·〉 means the posterior expectation for the latent variable over the corresponding distribution on it, e.g., w 0 , s 1 ( c , m ) ( c , m ) denotes the posterior expectations of initial state probability, w s l - 1 ( c , m ) , s l ( c , m ) ( c , m ) denotes the posterior expectations of state transition probability from state s l - 1 ( c , m ) to the s l ( c , m ) for the frame m of target c, and θ s l ( c , m ) denotes the posterior expectations of the observation model parameters associated with state s l ( c , m ) , with the corresponding state indicator for the l th time chunk s l ( c , m ) { 1 , , I } . Then, p ( Y test ( c , m ) | c , m ) can be calculated by forward-backward procedure [24] for each m (m {1, ..., M c }) and c (c {1, ..., C}).

  1. (4)

    We calculate the class-conditional likelihood p ( Y test ( c ) | c ) for each target c

    p ( Y test ( c ) | c ) = max m p ( Y test ( c , m ) | c , m ) ; m = 1 , , M c
    (12)
  2. (5)

    As discussed in Section 1, the testing HRRP sample will be assigned to the class with the maximum class-conditional likelihood, with the assumption that the prior class probabilities are same for all targets of interests,

    k = arg max c p ( Y test ( c ) | c ) ; c = 1 , , C
    (13)

5. Experimental results

5.1 Measured data

We examine the performance of the TSB-HMM on the 3-class measured data, including three actual aircrafts (a propeller plane An-26, a small yet plane Cessna Citation S/II, and a big yet plane Yark-42), the radar works on a C band with bandwidth of 400 MHz, the range resolution of the HRRP is about 0.375 m.

The parameters of the targets and radar are shown in Table 1, and the projections of target trajectories onto the ground plane are displayed in Figure 5, from which the aspect angle of the airplane can be estimated according to its relative position to radar. As shown in Figure 5, all aspects of targets were measured repeatedly several times in this dataset. The requirements of choosing training data and test data are that the training data and the test data are from different data segments, and the training data cover almost all of target-aspect angles of the test data, but their elevation angles are different. The second and the fifth segments of Yark-42, the sixth and the seventh segments of Cessna Citation S/II and the fifth and the sixth segments of An-26 are taken as the training samples while the remaining data are left for testing. These training data almost cover all of the target-aspect angles. Also, we need test data from different target to measure the rejection performance of our model. Here, we use 18,000 truck HRRP samples generated by the electromagnetic simulator software, XPATCH, as a confuser target. In addition, the HRRP samples are 128-dimensional vectors.

Table 1 Parameters of planes and radar in the experiment
Figure 5
figure 5

Projections of target trajectories onto the ground plane: (a) An-26. (b) Cessna Citation S/II. (c) Yark-42.

As discussed in the literature [11, 12], it is a prerequisite for radar target recognition to deal with the target-aspect, time-shift, and amplitude-scale sensitivity. According to radar parameters and the condition of aspect sectors without MTRC, for training data from 3 targets we totally have 135 HRRP frames, of which 35 from Yark-42, 50 from Cessna Citation S/II and 50 from An-26. Similar to the previous study [1113], HRRP training samples should be aligned by the time-shift compensation techniques in ISAR imaging [23] to avoid the influence of time-shift sensitivity. Each HRRP sample is normalized by L2 normalization algorithm to avoid the amplitude-scale sensitivity. In the rest of the article, the training HRRPs in each frame are assumed to have been aligned and normalized.

Nine training datasets are considered for training: 1 × 135, 2 × 135, 4 × 135, 8 × 135, 16 × 135, 32 × 135, 64 × 135, 128 × 135 and 1024 × 135, where 2 × 135 means 2 HRRP samples randomly selected from each of the 135 target-aspect frames, i.e., there are totally 2 × 135 = 270 HRRP training samples, similar meaning for other size of HRRP datasets. Since MTL needs load the whole HRRP training dataset of a target to share the information among them, it requires more memory resource than STL. Due to the limited memory resource of our computer, we do not consider 1024 × 135 training dataset in MTL. Since there is no prior knowledge about how many states we should use, and how to set these states, the HMM states are not manually set like [31]. We set a large truncation number in our model to learn the meaningful states automatically. In the following experiments, we set the truncation level I to 40 for both spectrogram feature and time domain feature in STL, and I to 60 for both spectrogram feature and time domain feature in MTL. Similar results were found for lager truncations. In our model, since the parameter β i controls the prior distribution on the number of states, we set the hyper-parameters a α = b α = 10-6 for each β i to promote sparseness on states.

5.2 Time domain feature versus spectrogram feature

In this experiment, STL TSB-HMM and MTL TSB-HMM of HRRP training datasets within each frame are learned, respectively, and the two features, i.e., time domain and spectrogram features, are compared. When using the HRRP time domain feature, we can just substitute the scalar x(c, m, n)(l) for the vector y(c, m, n)(l) in (6), where x(c, m, n)(l) represents the n th HRRP sample in the m th frame of target c, with l denoting the corresponding range cell in the HRRP sample.

Figure 6 shows that the performances of STL TSB-HMMs based on time domain feature are better than those based on spectrogram feature when training dataset no more than 32 × 135. The reason is that more parameters need to be estimated for the model with spectrogram feature than that with time domain feature. For example, for a target-aspect frame with 32 training samples, we need to estimate the 40 16-dimensional states for the model with spectrogram feature; while 25 1-dimensional states for the model with time domain feature. When training data size larger than 32 × 135, spectrogram feature obtains obviously better performance. Table 2 further compares the confusion matrices and average recognition rates of using time domain feature and spectrogram feature with 1024 × 135 training samples via STL. We can clearly find that the average recognition rate obtained by spectrogram feature is about 6.6% points larger than that obtained by the time domain feature. The performances of MTL TSB-HMMs are shown in Figure 7. Since MTL sharing states between different tasks of a target, which is better for parameter learning with small training data size, spectrogram domain feature outperforms time domain feature even with few training data.

Figure 6
figure 6

Average recognition rates of STL TSB-HMMs versus the number of training samples for time domain feature and spectrogram feature.

Table 2 Confusion matrices and average recognition rates of time domain feature and spectrogram feature based on STL TSB-HMMs with 1,024 training samples per target-aspect frame
Figure 7
figure 7

Average recognition rates of MTL TSB-HMMs versus the number of training samples for time domain feature and spectrogram feature.

The posterior state distributions of MTL TSB-HMM with spectrogram feature for all the three plane targets with 128 × 135 training data are shown in Figure 8. In this example, the state truncation level of I = 60 is employed for each plane. Further for each plane, the 60 hidden states are shared across all aspect-frames, and there are 46, 48, and 49 meaningful states with the posterior state usage larger than zero for Yark-42, Cessna Citation S/II, and An-26, respectively, and those of other 14, 12, and 11 states are zero, which justifies using the truncated version stick-breaking prior for our data.

Figure 8
figure 8

The hidden state distributions for all the three plane targets with 128 × 135 training data, generated via a run of the MTL TSB-HMM with spectrogram feature. In this example, the state truncation level of I = 60 is employed for each plane. For each plane, 60 hidden states are shared across all aspect-frames, and 46, 48, and 49 meaningful states are inferred for Yark-42, Cessna Citation S/II, and An-26, respectively.

Next, we consider the target rejection problem. Three planes targets are considered as "in-class targets", while the simulated data consists of 18,000 truck HRRP samples are considered as confuser targets. Two examples of confuser targets HRRP samples are shown in Figure 9. Our goal is to test whether a new data is in the family of the in-class targets or not. Figure 10 presents the rejection performance evaluated by the receiver operation characteristic (ROC) curves. The ROC curve depicts the detection probability versus the false alarm probability. For a fixed false alarm probability, a method with the higher detection probability is better. The dataset size is selected as 128 × 135 in the training phase. The ROC curves are shown in Figure 10. The spectrogram feature-based TSB-HMMs outperforms the time domain feature-based TSB-HMMs, especially for Yark-42. Figure 11 shows the test likelihoods of 1,200 Yark-42 samples and 18,000 confuser target samples obtained with STL TSB-HMM. As shown in Figure 11a, when using the time domain feature, the test likelihoods of Yark-42 samples are relative low, and many confuser samples have higher test likelihoods than Yark-42 samples. That is to say, when we set a high discrimination threshold, the detection probability is very low, and the false alarm probability is high. By contrast, from Figure 11b, we can find that when using the spectrogram feature, the test likelihoods of Yark-42 samples are higher than most of the test likelihoods of the confuser samples. Therefore, the detection performance of the spectrogram feature is much better than that of the time domain feature for Yark-42.

Figure 9
figure 9

Two HRRP samples of simulated scattering data of truck targets.

Figure 10
figure 10

Rejection results for different sets of targets using STL TSB-HMMs with different features. (a) STL TSB-HMM with time domain feature (average AUC: 0.738). (b) STL TSB-HMM with spectrogram feature (Average AUC: 0.924).

Figure 11
figure 11

The test likelihoods of 1,200 Yark-42 samples and 18,000 truck samples (confuser target samples) obtained with STL TSB-HMM. The STL TSB-HMM is trained with the corresponding feature extracted from 4480 (128 × 35) Yark-42 training samples. (a) STL TSB-HMM with the time domain feature. (b) STL TSB-HMM with the spectrogram feature.

5.3 STL versus MTL

In order to model spectrogram feature, two parameters need to be set first, i.e., the width of window function and the length of the overlapped window.

In the feature space, the spectrogram varies with the width of the window function and the overlap across the windows. For HRRP data analysis, a wide window function provides better frequency resolution, but worsens the time resolution, and vice versa. Physically, since the width of a window function determines the length of segments of a target, the longer the segment we divide a target into, the more physical composition of the target will be contained in the each component of the observation vector; meanwhile, the overlap across the windows determines the redundancy of the segments.

We build a set of MTL TSB-HMMs to search these two parameters. The width of the window function is chosen from 10 to 40 range cells with an increment of 1 range cells, and the overlap length is fixed as typically half width of the window function. In this experiment, we use 64 × 135 training samples. As demonstrated in Figure 12, the optimal width of the window function is 33 range cells. We then fix the optimal window function width, and set the overlap length from 1 range cell to 29 range cells to determine the optimal overlap length. From Figure 13, the optimal overlap length is 16 range cells. Therefore, we extract the spectrogram feature with the window function width of 33 range cells and the overlap length of 16 range cells for training.

Figure 12
figure 12

Recognition rates of spectrogram features with different width of the window function via MTL TSB-HMMs. The overlap length is fixed as typically half width of the window function.

Figure 13
figure 13

Average recognition rate of spectrogram features with different overlap length via MTL TSB-HMMs. The width of the window function is 33 range cells.

We compare two methods for spectrogram feature based TSB-HMM: (i) the proposed MTL TSB-HMMs method, for which we learn target-aspect frames of a target collectively; (ii) the STL TSB-HMMs method, for which each target-aspect frame of targets modeled separately. As shown in Figure 14, the proposed MTL TSB-HMMs method consistently outperforms the STL TSB-HMMs method and the improvement is more significant when there is only a small amount of training data available. This is because MTL exploits the sharing states between different tasks and uses the sharing information to enhance the overall performance. In addition, in the state truncation level of I = 60 is employed for each of the three planes. For each plane, the 60 states are shared across the aspect-frames. Therefore, we only impose 60 × 3 = 180 states in the MTL TSB-HMMs. However, in the training phase of STL model, the state truncation level of I = 40 is employed for each aspect-frame. As discussed in Section 5.1, we have 50 + 50 + 35 = 135 aspect-frames from the three targets. Therefore, we totally impose 40 × 135 = 5400 states in the STL TSB-HMMs. Table 3 summarizes the confusion matrix and average recognition performance of STL TSB-HMMs and MTL TSB-HMMs, with 2 × 135 and 128 × 135 training samples. Note that when we only use 2 × 135 samples for training, the average recognition rate of STL TSB-HMMs is only 52.7%, while the average recognition rate of MTL TSB-HMMs is 88.0%. With the training data increasing, the performance of STL becomes close to that of MTL. The average recognition rate obtained by MTL is about 2.3% higher than that by STL for 128 × 135 training samples.

Figure 14
figure 14

Average recognition rates of the STL TSB-HMMs and MTL TSB-HMMs with spectrogram feature versus the number of training samples.

Table 3 Confusion matrices and average recognition rates of spectrogram feature based on STL TSB-HMMs and MTL TSB-HMMs with 2 training samples and 128 training samples per target-aspect frame

We also consider the target rejection problem here. The ROC curves of MTL TSB-HMMs are presented in Figure 15. Compare with Figure 10, the area under curve (AUC) of STL are slightly larger than that of MTL.

Figure 15
figure 15

Rejection results for different sets of targets using MTL TSB-HMMs with different features. (a) MTL TSB-HMM with time domain feature (average AUC: 0.724). (b) MTL TSB-HMM with spectrogram feature (Average AUC: 0.905).

5.4 MTL with power transformed spectrogram feature

We employ the power transform metric for all the observation vectors (the vectors in each fixed time) of the spectrogram. Figure 16 show that the optimal parameter a* = 0.4. Figure 17 shows the performance of MTL TSB-HMMs is better than STL-HMMs for power transformed spectrogram feature. Compared with the average recognition rate of original spectrogram feature in Figure 14, that of power transformed spectrogram feature shown in Figure 17 are much larger, especially for small training data sets.

Figure 16
figure 16

Average recognition rate of spectrogram features with different power transformed via MTL TSB-HMMs.

Figure 17
figure 17

Average recognition rates of the STL TSB-HMMs and MTL TSB-HMMs with spectrogram feature transformed by optimal power (0.4) versus the number of training samples.

The confusion matrix and average recognition rates of STL TSB-HMMs and MTL TSB-HMMs with power transformed spectrogram feature are shown in Table 4, where 2 × 135 and 128 × 135 training samples are used for learning the models. Note that, when we consider 2 × 135 training samples for MTL TSB-HMMs based on spectrogram feature with the optimal power transformation, the average of recognition rate is nearly equivalent to the case of considering 128 × 135 training samples for that based on original spectrogram feature. When using 128 training samples per target-aspect frame for STL TSB-HMMs, the average recognition rate is gained by 4.3% via power transformation; while for MTL TSB-HMMs the gain is 2.5%.

Table 4 Confusion matrices and average recognition rates of power transformed spectrogram feature (power parameter is 0.4) based on STL TSB-HMMs and MTL TSB-HMMs with 2 training samples and 128 training samples per target-aspect frame

Similarly, as shown in Figure 18, we obtained the ROC curve for power transformed spectrogram feature in the same experimental environment as that we mentioned in Section 5.3. The AUC of STL and MTL with transformed spectrogram features are gained by 3.3 and 5.0%; therefore, the model of using the transformed spectrogram features can improve the rejection performance.

Figure 18
figure 18

Rejection results for different sets of targets using STL TSB-HMMs and MTL TSB-HMMs with spectrogram feature transformed via the optimal power. (a) STL TSB-HMMs (average AUC: 0.955). (b) MTL TSB-HMMs (Average AUC 0.955).

5.5 Computation burden

All experiments have been performed in nonoptimized programme written in Matlab, on a Pentium PC with 3.2-GHz CPU and 2 GB RAM. In our VB algorithm, when the relative change of lower bound between two consecutive iterations is less than the threshold 10-6, we believe our algorithm converges. Generally, in a practical application, the larger training dataset requires the huger computational burden in the training phase. When the training dataset contains 128 × 135 training samples, the VB algorithm of the MTL TSB-HMM with time domain feature and the truncation number I = 60 converges after about 400 iterations and requires about 14 h, and the VB algorithm of MTL TSB-HMMs with spectrogram feature and the truncation number I = 60 converges after about 200 iterations and requires about 2 h. Although the above computation is pretty expensive, we know that the computation cost in the training phase can be ignored for an off-line learning (or training) system, and it is more important to evaluate the computation cost in the classification phase. The MTL TSB-HMMs with time domain feature and spectrogram feature require 0.6680 and 1.5893 s, respectively, to match a test sample with all frame models. The computation time given here is averaged over ten runs.

6. Conclusion

We have utilized spectrogram feature of HRRP data and presented an MTL-based hidden Markov model with truncated stick-breaking prior (MTL TSB-HMM) for radar HRRP target recognition. The construction of this model allows VB inference, which extremely decreases the computational burden.

After resolving the three sensitivity problems, i.e., the target-aspect, time-shift, and amplitude scale sensitivity of HRRP, respectively, we first compare the spectrogram feature of HRRP with the time domain feature of HRRP data via single-task and multi-task learning-based hidden Markov model with truncated stick-breaking prior (STL and MTL TSB-HMM). Second, we measure the performance of STL TSB-HMM and MTL TSB-HMM with spectrogram feature, where in MTL TSB-HMM, the multiple tasks are linked by different target-aspects. Finally, we introduce power transformation metric to improve the recognition performance of spectrogram feature. It is shown that using spectrogram feature not only have a better ROC, but also obtain a better recognition performance than using HRRP time domain feature. MTL shares the underlying state information among different target-aspects, and can provide a better recognition performance compared to STL. In addition, the power transformation metric can enhance both average recognition rate and ROC. It is worth to point out that our MTL model with spectrogram feature can obtain a good recognition performance with much fewer training data compared with the conventional radar HRRP-based statistical recognition methods, which is a good property for RATR.

Appendix

Derivation of update equations in VB approach

1. Update q(θ i ):

For the MTL TSB-HMM model introduced in Section 4.3 and the corresponding mean-field variational distribution described in (9), q(θ i ) is defined by the specific application:

log q ( θ i ) log H ( θ i | θ ̃ i ) + m = 1 M c n = 1 N l = 1 L y < s l , i ( c , m , n ) > log f ( y ( c , m , n ) ( l ) | θ i ) i = 1 , , I
(14)

where q(θ i ) is defined by the specific application, and θ ̃ i denotes the parameters in the q(θ i ), < s l , i ( c , m , n ) > represents the expected number of state indicator s l ( c , m , n ) with outcome i. If model is conjugate exponential, that is, H(·) is conjugate to the likelihood f(·), we can readily obtain the update equation for q(θ i ).

2. Update q(β i )

In MTL model, we assume q ( β i ) = G a ( a ̃ α ( i ) , b ̃ α ( i ) ) , the updating equation for q(β i ) with m = 1, ..., M c are expressed as follows:

a ̃ α ( i ) = a α + M c ( I - 1 ) b ̃ α ( i ) = b α - m = 1 M c j = 1 I - 1 [ ψ ( β ̃ i , j ( c , m ) | 2 ) - ψ ( β ̃ i , j ( c , m ) | 1 + β ̃ i , j ( c , m ) | 2 ) ] ; i = 1 , , I
(15)

where ψ(·) is the digamma function.

3. Update q ( w 0 ( c , m ) ) and q ( w i ( c , m ) )

For the given prior p ( w 0 ( c , m ) ) = G D D ( 1 ( I - 1 ) × 1 , [ β 0 ] ( I - 1 ) × 1 ) and p ( w i ( c , m ) ) =GDD ( 1 ( I - 1 ) × 1 , [ β i ] ( I - 1 ) × 1 ) , with m = 1, ..., M c and i = 1, ..., I, assume q ( w 0 ( c , m ) ) =GDD ( β ̃ 0 ( c , m ) | 1 , β ̃ 0 ( c , m ) | 2 ) and q ( w i ( c , m ) ) =GDD ( β ̃ i ( c , m ) | 1 , β ̃ i ( c , m ) | 2 ) . The updating equation for q ( w 0 ( c , m ) ) and q ( w i ( c , m ) ) are given as follows:

β ̃ 0 , j ( c , m ) | 1 = 1 + n = 1 N < s 1 , j ( c , m , n ) > β ̃ 0 , j ( c , m ) | 2 = a ̃ α ( 0 ) b ̃ α ( 0 ) + n = 1 N h = j + 1 I < s 1 , h ( c , m , n ) > ; j = 1 , , I - 1 β ̃ i , j ( c , m ) | 1 = 1 + n = 1 N l = 2 L y < s l - 1 , i ( c , m , n ) > < s l , j ( c , m , n ) > β ̃ i , j ( c , m ) | 2 = a ̃ α ( i ) b ̃ α ( i ) + n = 1 N h = j + 1 I l = 2 L y < s l - 1 , i ( c , m , n ) > < s l , h ( c , m , n ) > ; i = 1 , , I ; j = 1 , , I - 1
(16)

4. Update log q(s)

Given the approximate distribution of the other variables, the update equation for q(s(c, m, n)) are given as follows:

log q ( s ( c , m , n ) ) < log w 0 , s 1 ( c , m , n ) ( c , m ) > + l = 1 L y - 1 < log w s l ( c , m , n ) , s l + 1 ( c , m , n ) ( c , m ) > + l = 1 L y < log f ( y ( c , m , n ) ( l ) | θ s l ( c , m , n ) ) > ; m = 1 , , M c , n = 1 , , N
(17)

where < · > denotes the expectation of the associated variables function. One may derive that

< log w i , j ( c , m ) > = h = 1 j - 1 [ ψ ( β ̃ i , h ( c , m ) | 2 ) - ψ ( β ̃ i , h ( c , m ) | 1 + β ̃ i , h ( c , m ) | 2 ) ] + [ ψ ( β ̃ i , j ( c , m ) | 1 ) - ψ ( β ̃ i , j ( c , m ) | 1 + β ̃ i , j ( c , m ) | 2 ) ] ; i = 0 , , I , j = 1 , , I
(18)

References

  1. Zwart J, Heiden R, Gelsema S, Groen F: Fast translation invariant classification of HRR range profiles in a zero phase representation. IEE Proc Radar Sonar Navigat 2003, 150(6):411-418. 10.1049/ip-rsn:20030428

    Article  Google Scholar 

  2. Vander Heiden R, Groen FCA: The Box-Cox metric for nearest neighbour classification improvement. Pattern Recognit 1997, 30(2):273-279. 10.1016/S0031-3203(96)00077-5

    Article  Google Scholar 

  3. Xing M-D, Bao Z, Pei B: The properties of high-resolution range profiles. Opt Eng 2002, 41(2):493-504. 10.1117/1.1431251

    Article  Google Scholar 

  4. Carrara WG, Goodman RS, Majewski RM: Spotlight Synthetic Aperture Rader--Signal Processing Algorithms. Arthech House, Norwood, MA; 1995.

    Google Scholar 

  5. Chai J, Liu H-W, Bao Z: Combinatorial discriminant analysis: supervised feature extraction that integrates global and local criteria. Electron Lett 2009, 45(18):934-935. 10.1049/el.2009.1423

    Article  Google Scholar 

  6. Du L, Liu H-W, Bao Z: Radar HRRP target recognition based on higher-order spectra. IEEE Trans Signal Process 2005, 53(7):2359-2368.

    Article  MathSciNet  Google Scholar 

  7. Chen B, Liu H-W, Yuan L, Bao Z: Adaptively segmenting angular sectors for radar HRRP ATR. EURASIP J Adv Signal Process 2008, 2008: 6. Article ID 641709

    Google Scholar 

  8. Mitchell RA, Westerkamp JJ: Robust statistical feature based aircraft identification. IEEE Trans Aerosp Electron Syst 1999, 35(3):1077-1094. 10.1109/7.784076

    Article  Google Scholar 

  9. Copsey K, Webb AR: Bayesian Gamma mixture model approach to radar target recognition. IEEE Trans Aerosp Electron Syst 2003, 39(4):1201-1217. 10.1109/TAES.2003.1261122

    Article  Google Scholar 

  10. Webb AR: Gamma mixture models for target recognition. Pattern Recognit 2000, 33: 2045-2054. 10.1016/S0031-3203(99)00195-8

    Article  MATH  Google Scholar 

  11. Du L, Liu H-W, Bao Z, Zhang J-Y: A two-distribution compounded statistical model for radar HRRP target recognition. IEEE Trans Signal Process 2006, 54(6):2226-2238.

    Article  Google Scholar 

  12. Du L, Liu H-W, Bao Z: Radar HRRP target recognition based on hypersphere model. Signal Process 2008, 88(5):1176-1190. 10.1016/j.sigpro.2007.11.003

    Article  MathSciNet  MATH  Google Scholar 

  13. Du L, Liu H-W, Bao Z: Radar HRRP statistical recognition: parametric model and model selection. IEEE Trans Signal Process 2008, 56(5):1931-1944.

    Article  MathSciNet  Google Scholar 

  14. Pei B, Bao Z: Multi-aspect radar target recognition method based on scattering centers and HMMs classifiers. IEEE Trans Aerosp Electron Syst 2005, 41(3):1067-1074. 10.1109/TAES.2005.1541451

    Article  Google Scholar 

  15. Liao X-J, Runkle P, Carin L: Identification of ground targets from sequential high-range-resolution radar signatures. IEEE Trans Aerosp Electron Syst 2002, 38(4):1230-1242. 10.1109/TAES.2002.1145746

    Article  Google Scholar 

  16. Zhu F, Zhang X-D, Hu Y-F, Xie D: Nonstationary hidden Markov models for multiaspect discriminative feature extraction from radar targets. IEEE Trans Signal Process 2007, 55(5):2203-2213.

    Article  MathSciNet  Google Scholar 

  17. Winn J, Bishop CM: Variational message passing. J Mach Learn Res 2005, 6: 661-694.

    MathSciNet  MATH  Google Scholar 

  18. Ni K, Qi Y, Carin L: Multiaspect target detection via the infinite hidden Markov model. J Acoust Soc Am 2007, 121(5):2731-2742. 10.1121/1.2714912

    Article  Google Scholar 

  19. Paisley J, Carin L: Hidden markov models with stick breaking priors. IEEE Trans Signal Process 2009, 57: 3905-3917.

    Article  MathSciNet  Google Scholar 

  20. Caruana R: Multitask learning. Mach Learn 1997, 28: 41-75. 10.1023/A:1007379606734

    Article  Google Scholar 

  21. Gürbüz SZ, Melvin WL, Williams DB: Detection and identification of human targets in radar data. Proc SPIE 2007, 6567: 65670I.

    Article  Google Scholar 

  22. Kingsbury BED, Morgan N, Greenberg S: Robust speech recognition using the modulation spectrogram. Speech Commun 1998, 25(1-3):117-132. 10.1016/S0167-6393(98)00032-6

    Article  Google Scholar 

  23. Walker JL: Range-Doppler imaging of rotating objects. IEEE Trans Aerosp Electron Syst 1980, 16(1):23-52.

    Article  Google Scholar 

  24. Rabiner LR: A tutorial on hidden Markov models and selected applications in speech recognition. Proc IEEE 1989, 77: 275-285.

    Article  Google Scholar 

  25. Beal MJ, Ghahramani Z, Rassmussen CE: The infinite hidden Markov model. In Advances in Neural Information Processing Systems 14. Cambridge, MA, MIT Press; 2002:577-585.

    Google Scholar 

  26. Wong TT: Generalized Dirichlet distribution in Bayesian analysis. Appl Math Comput 1998, 97: 165-181. 10.1016/S0096-3003(97)10140-0

    Article  MathSciNet  MATH  Google Scholar 

  27. Teh Y, Jordan M, Beal M, Blei D: Hierarchical Dirichlet processes. J Am Stat Assoc 2005, 101: 1566-1582.

    Article  MathSciNet  Google Scholar 

  28. Carrara WG, Goodman RS, Majewski RM: Markov Chain Monte Carlo in Practice. Chapman Hall, London; 1996.

    Google Scholar 

  29. Beal MJ: Variational algorithms for approximate Bayesian inference. In Ph.D. dissertation. Gatsby Computational Neuroscience Unit, University College London; 2003.

    Google Scholar 

  30. Jordan MI, Ghahramani Z, Jaakkola TS, Saul L: An introduction to variational methods for graphical models. Mach Learn 1999, 37(2):183-233. 10.1023/A:1007665907178

    Article  MATH  Google Scholar 

  31. Ni K, Qi Y, Carin L: Multi-aspect target classification and detection via the infinite hidden Markov model. Acoust Speech Signal Process 2007, 2: II-433-II-436.

    Google Scholar 

Download references

Acknowledgements

This study was partially supported by the National Science Foundation of China (No. 60901067), the Program for New Century Excellent Talents in University (NCET-09-0630), the Program for Changjiang Scholars and Innovative Research Team in University (IRT0954), and the Foundation for Author of National Excellent Doctoral Dissertation of PR China (FANEDD-201156).

Author information

Authors and Affiliations

Authors

Corresponding author

Correspondence to Lan Du.

Additional information

Competing interests

The authors declare that they have no competing interests.

Authors’ original submitted files for images

Rights and permissions

Open Access This article is distributed under the terms of the Creative Commons Attribution 2.0 International License ( https://creativecommons.org/licenses/by/2.0 ), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.

Reprints and permissions

About this article

Cite this article

Pan, M., Du, L., Wang, P. et al. Multi-task hidden Markov modeling of spectrogram feature from radar high-resolution range profiles. EURASIP J. Adv. Signal Process. 2012, 86 (2012). https://doi.org/10.1186/1687-6180-2012-86

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/1687-6180-2012-86

Keywords