Skip to main content

Broad phonetic class definition driven by phone confusions

Abstract

Intermediate representations between the speech signal and phones may be used to improve discrimination among phones that are often confused. These representations are usually found according to broad phonetic classes, which are defined by a phonetician. This article proposes an alternative data-driven method to generate these classes. Phone confusion information from the analysis of the output of a phone recognition system is used to find clusters at high risk of mutual confusion. A metric is defined to compute the distance between phones. The results, using TIMIT data, show that the proposed confusion-driven phone clustering method is an attractive alternative to the approaches based on human knowledge. A hierarchical classification structure to improve phone recognition is also proposed using a discriminative weight training method. Experiments show improvements in phone recognition on the TIMIT database compared to a baseline system.

Introduction

Broad phonetic classes (BPC) have widely been used in speech recognition research as, for instance, automatic language identification[1]; speaking rate estimation[2]; multi lingual systems[3, 4] and, especially, in phone recognition[58]. Its success is due to the carried additional information that contributes to improve the recognition rates, especially under noise conditions[9]. In phone recognition task, BPC information may be used as an additional set of acoustic features or it may be integrated in the phone predictions. One successful example is presented by Siniscalchi et al.[6], one of the best results reported on the phone TIMIT recognition task, where 15 broad articulatory classes are used to predict posterior phone probabilities and to rescore phone lattices. Another interesting example is given by Morris and Fosler-Lussier[7] where the outputs of eight broad class classifiers are used as input features on a conditional random field (CRF) model. In[8], a hierarchical classification from successive broad classes is used with improvements in phone accuracy. Several other studies related to BPC could be referred, e.g.[5, 10], sometimes using different terminology. In literature, BPC take different names (such as broad phonetic groups, speech attributes, events, etc.) but in all these studies they are always sets of phones with similar acoustic/phonetic features drawn manually by an expert (knowledge-driven information). The broad classes are selected according to acoustic-phonetic properties that derive from articulatory constraints or from hearing perception. This selection may contain some subjectivity or may be difficult to carry out when dealing with other kind of speech units like syllables or when considering coarticulation phenomena.

BPC for the English language is an issue that has widely been addressed by the scientific community[5, 7, 8, 11]. Its definition is usually related to the manner and place of articulation, so that all the broad classes show good agreement within some phonetic, articulatory and/or acoustic properties. The efficient construction of smaller/more compact phone sets is not trivial, however, as is confirmed by the lack of consensus between several proposals. For example in the TIMIT corpus, in[12], phone [dx] is classified as a sonorant consonant, while in[13] the same phone is classified as a stop and Halberstadt and Glass[10] classify it as a nasal/flap. The same happens with phone [hv]. In[12], it is a sonorant consonant and in[5, 10] it is a fricative. Comparing the “fricative” broad classes of[5, 14] it can be seen that the first proposal includes the phone [hv] while the second does not. The above examples are to show the subjective nature of the approaches based on human knowledge, even when referring to such a widely studied language as American English. This subjectivity affects not only the number of classes, but also the set of phones in each category. These problems, related to the expert-driven approaches, have prompted the emergence of data-driven approaches, where the classes’ composition is guided by data. We explore in this article a data-driven method where the broad classes are automatically defined according to the output of a speech recognition system. The method can be applied in systems using all kinds of recognition units (phones, syllables, subwords, phones of different languages, etc.) and do not conduct to a static division.

The output of a classification system is usually evaluated comparing all the recognized sequences with the corresponding references. From this comparison, a confusion matrix can be computed. In the proposed approach it is considered that if a unit (phone or other) has much confusion with other unit is because, to the recognizer, they are somehow similar. This approach may not fully agree with phonetics principles or acoustic theories but it can be very helpful allowing to overcome deadlocks in some situations. Take the case of a multilingual system, where a knowledge-based approach has to involve experts from all the languages involved. The same occurs when dealing with varieties of a language (e.g., European Portuguese or Brazilian Portuguese). The proposed automatic clustering method extends the possibility of using broad classes’ information to systems based on other than the phone unit.

Data-driven clustering usually stands for a statistical measurement of a class. The key point of all clustering algorithms is the choice of a proximity or distance measure. This measure can be obtained from acoustic models, e.g.,[3, 15], or even rely on the confusion matrix, e.g.,[4, 16]. Model-driven methods and confusion-drivena methods are then the two major categories of data-driven phone clustering algorithms.

In model-driven methods, the acoustic similarity between two phones can be achieved from the theoretical distance between the corresponding acoustic models. This distance can be the Bhattacharyya distance between two Gaussian mixture models[3, 15]; a relative entropy-based (Kullback–Leibler divergence) distance between two Laplacian mixtures[17], etc. In[18], a data-driven phonetic broad class generation is proposed where mutual information is used to compute similarity between models, while in[19] a similarity measure based on the likelihood between the acoustic frames and the hidden Markov models (HMMs) is proposed.

In this article, we propose a confusion-driven method to generate phone clusters. This approach was already proposed in[4], where the phones are grouped using rules depending on a set of weights and thresholds. Our proposal differs from[4] in so far as we define a metric to compute phone distances.

The remainder of the article is organized as follows. In Section 2, we introduce the data-driven approach and Section 3 presents the metric defined that evaluates the phones similarities. It also describes the way that the confusion matrix (which is the base for phone similarities computation) was achieved. Section 4 presents a system where broad classes are used in order to enhance phone recognition, and in Section 5 experimental results, comparing data-driven and knowledge-driven approaches, are presented. Finally, some conclusions and future improvements are drawn in Section 6.

Data-driven broad classes

In confusion-driven methods, the similarity measure approach comes from the phone confusion matrix M. This matrix is computed from the output of a phone recognizer by aligning the recognized sentence with the reference one, using a dynamic programming algorithm (the Levenshtein algorithm). It includes the concept of hits and confusions, as well as insertions (INS) and deletions (DEL). An example of part of a confusion matrix of our phone recognizer using TIMIT[20] data is shown in Figure 1. The diagonal refers to the number of correctly recognized phones (hits) and the off-diagonal elements refer to the number of misclassifications.

Figure 1
figure 1

Part of a confusion matrix: output of our TIMIT-based phone recognition system.

The idea behind confusion-driven methods is that similar phones tend to be more confusable and should belong to the same class. Figure 2a shows, in pseudo colours, a confusion matrix using the 61 original TIMIT phones, where the phones are in alphabetical order and with blue representing the lower value and dark red the higher value. If highly confusable phones are repositioned in such a way that they become near each other, we get the matrix depicted in Figure 2b. In this second matrix, we can easily distinguish several sets (clusters) of phones where confusion between all the elements of the cluster is much higher than between other phones or phone clusters. In an attempt to find this set of clusters, this study explores an automatic classification method, where the phonetic classes are found according to the output of an automatic phone recognition system. Phones are grouped according to a similarity measure estimated from the confusion matrix given by the recognizer performance.

Figure 2
figure 2

(a) Confusion matrix of our TIMIT-based phone recognition system. (b) A repositioned version of the matrix depicted in (a) where highly confusable phones are place near each other.

Confusion-driven phone distance measure

This section describes an automatic method for phonetic class generation based on a confusion matrix of a phone recognizer. Usually, the clustering techniques involve three concepts:

  1. 1.

    A data model;

  2. 2.

    A proximity criterion (similarity, distance, etc.);

  3. 3.

    A clustering algorithm that generates the clusters (broad classes) using the data model and the similarity measure.

These concepts are discussed in following sections.

Data model

In the proposed method, the data comes from a confusion matrix yielded by the performance analysis of a phone recognition system. This matrix may contain results at the frame level, if artificial neural network (ANN), support vector machines (SVM), or CRF-based recognizers are used, or at the segment level, if segment models are used, such as HMMs or hybrid systems, as in the present case. An MLP/HMM hybrid system is used that combines an overall HMM structure with the class predictions given by a multilayer perceptron (MLP) classifier, thus benefiting from the time modelling abilities of HMMs and the discrimination capabilities of ANNs. In the TIMIT training set, this involves the recognition of 143 k segments.

Hybrid MLP/HMM description

An MLP network, with a single hidden layer, was trained for phone classification at a frame level. The last layer performs a 1-to-61 classification over the set of (TIMIT) phones. Speech was analysed every 10 ms with a 25-ms Hamming window. Thirty-nine parameters were used as standard input features representing 12 Mel Frequency Cepstral Coefficients (MFCCs), plus energy, and their first and second time-derivative coefficients. The context window used was 170 ms but only 9 frame features were used, as described in[8]. The current frame is in the centre of the context window (temporal information of past and future is included). The softmax function was used as the activation function of the output layer so that the output values could be interpreted as posterior probabilities. The hidden layer has 1,000 nodes and uses a sigmoid activation function. All the network weights and bias are adjusted using batch training with the resilient back-propagation (RPROP) algorithm[21], so as to reduce the minimum-cross-entropy error between network output and the target values. The network has 413 k free training parameters.

HMMs were built beforehand for each phone using HTK3.41,[22], in order to estimate the transition probabilities between states. Each phone was modelled by a three-state left-to-right HMM and each state was modelled by a single Gaussian model. The input features were the same as for the MLP.

In the hybrid MLP/HMM system, the state likelihoods are replaced by the posterior probabilities given by the output predictions of the MLP. The three states share the same MLP output. We used HTK[22], with some changes in order to replace the usual Gaussian mixture models with the outputs of the MLP.

The confusion matrix (data model) is computed using the entire TIMIT training set, which consists of all si and sx sentences of the original training set (3,698 utterances). The performance of the hybrid system is usually evaluated by means of Correctness (Corr) and Accuracy (Acc). We have used HTK evaluation tool HResults to compute them. But with this tool only the token sequence is taken for evaluation. A fine evaluation takes into account not only the correct identified sequence of phones, but also their time localization. This was the criteria used in the confusion matrix generation on which the proposed clustering is based. A brief description of the evaluation procedure used is given below. A full description can be found in[23].

The evaluation procedure uses a modified Levenshtein algorithm[24] in the alignment between labelled and recognized phones, where the degree of overlapping between them is taken in the local distance definition. This algorithm finds the best alignment between two strings and inserts a penalty if an error occurs (insertion, deletion and substitution), but no penalty is applied if the labels match. In our proposal, we include an additional penalty that is proportional to the average of the left and right misalignments. If the labels do not overlap (TOV ≤ 0 in Figure 3), this penalty is set to a maximum value (pmax), such that an insertion or a deletion will be preferred to a misaligned substitution.

Figure 3
figure 3

Measurement of the time misalignment between two labels.

Taking t i 1  ,  t i 2 and t j 1  ,  t j 2 as the boundaries of the test and reference labels, as indicated in Figure 3, they overlap if t i2  > t j1 or t j2  > t i1 and then the total time of the labels is

T = max ( t i 2 , t j 2 ) min ( t i 1 , t j 1 ) = T 1 + T 2 + T OV
(1)

and the overlapping time is

T OV = min ( t i 2 , t j 2 ) max ( t i 1 , t j 1 )
(2)

The left and right misalignments are T 1 = t j 1 t i 1 and T 2 = t j 2 t i 2 . If the labels lab i and lab j match their name but are not perfectly aligned, then we introduce an additional association penalty, p A (i,j), which is inversely proportional to the overlap between the labels, according to the following expression:

p A ( i , j ) = T 1 + T 2 / 2 T OV = 1 2 T T OV 1
(3)

If the labels overlap more that 50%, p A is smaller than 0.5. As far as the overlapping decreases, this distance increases and is clipped to pmax = 15, which corresponds to 3.2% of overlapping. In order to promote confusions (substitutions) we penalize insertions and deletions significantly by setting pINS = 12 and pDEL = 12. The optimal alignment is found by tracing back the path of accumulated penalties from the last label pair to the origin of the (i, j) grid. With the alignment of all labels a confusion matrix can then be computed. This matrix represents the data model referred to in the beginning of Section 3.

Similarity measure

The confusion matrix is often converted into a symmetric similarity matrix using the so-called Houtgast algorithm. It measures the similarity between reference phones i and j using the number of confusions of these phones with all other phones k. More specifically, if N is the total number of classes (phones), the Houtgast similarity between phones i and j, s ij is given by

s ij = s ji = k = 1 N min f ik , f jk
(4)

with 1 i , j N . If i = j, f ij is the number of hits instead of confusions. According to this measure, two phones i and j are similar if they both have many confusions with the same phones and their similarity is zero only when phones i and j have no simultaneous confusions with any phones. Figure 4 gives a simple example of this measure.

Figure 4
figure 4

Example of Houtgast similarity computation.

The confusion matrix of a good phone recognizer is close to a diagonal matrix. The out-diagonal values represent misclassified phones (confusions between phones). Since the numbers of occurrences of each phone are quite different (due to phonetically unbalanced speech material) we normalize the confusion matrix by dividing the frequency counts f ij by the total number of occurrences of the phone i in the speech database:

p ij = f ij n = 1 N f in = P c ^ j | c i
(5)

In this way, we have an estimate of the probability of recognizing the model or cluster c ^ j when its reference class is c i . In this case the Houtgast similarity measure becomes

s ij = n = 1 N min p in , p jn = n = 1 N min P ( c ^ i | c n ) , P ( c ^ j | c n )
(6)

This new measure has the following properties: (i) s ij 1 and (ii) s ii = 1 . Because min ( a , b ) = 1 2 a + b | a b | and because n = 1 N p in = 1 , a distance measure between phones i and j can therefore be defined as

d 1 ( c i , c j ) = 2 1 s ij = n = 1 N p in p jn
(7)

This distance forms a metric because it is the L1 norm applied to row differences of matrix P (with elements p ij as defined in (5)). Several similarity measure proposals can be found in literature[4, 16, 25], but as referred in[26], they do not fulfil the properties of a proper metric. In the present proposal, d 1 has the three metric properties: it is positive, symmetric and satisfies the triangle inequality.

Other distance measures can be defined based on the same principle, in particular the Euclidean distance of rows,

d 2 ( c i , c j ) = n = 1 N p in p jn 2
(8)

Clustering method

The proposed clustering method groups phones in a multilevel hierarchy where clusters at one level are combined as clusters at the next level. Clustering can be achieved following hierarchical agglomerative clustering paradigm[27, 28] as follows. Initially, each phone will be considered as a distinct cluster.

Step 1 → Compute matrix P using (4).

Step 2 → Find the distance between each pair of phones using (7).

Step 3 → Compute the distances between all clusters. The distance between clusters r and s can be computed with several criteria, of which the simplest is the nearest neighbour: d r , s = min d c i | r , c j | s , i = 1… n r ; j = 1.. n s where n k is the number of phones in cluster k and c i|k is the ith phone in cluster k.

Step4 → Create a new cluster by grouping the two nearest ones.

Steps 3 and 4 will repeat until the number of desired clusters or a distance threshold is reached. Another possibility is to compute clusters until all the phones belong to the same cluster. A dendrogram can be built from these clusters, to allow the decision, the level or scale of clustering that is most appropriate for the application.

TIMIT phone clustering results

Starting from the data model described in Section 3.1 and following the steps proposed in Section 3.3, we arrive at a hierarchical phone clustering, depicted as a binary cluster tree (dendrogram) in Figure 5. The labels along the horizontal axis represent the phones in the original data set and vertical axis refers to the distance between the phones. This distance is computed from a similarity measure using d 1 ( c i , c j ) . The number of clusters depends on where the tree is cut. In the example given in Figure 5, the 61 TIMIT phones are represented by the 9 clusters presented in Table 1.

Figure 5
figure 5

Hierarchical phone clustering dendrogram using the average distance between clusters ( cophenetic correlation coefficient = 0.873).

Table 1 Sixty-one TIMIT confusion-division results in terms of nine clusters

The consistence of the clusters, particularly the ones involving vowels, is well known. If we compare the resultant clusters with the knowledge-based division of[5] presented in Table 2, only [y], [w] and [oy] are in a separate cluster. Nevertheless, these phones stay in a single cluster not because they are acoustically different but due to the little confusions with other phones. Another strong cluster is that of nasals. In this case, the data-driven division is the same as the knowledge-based division. Affricatives are set in a separate cluster (the knowledge-based proposal sometimes placed affricatives with stops and at others with fricatives). For fricatives and stops, the method relies on more than two clusters. The number of confusions between some fricatives and stops suggests that acoustically they exhibit similarities.

Table 2 Thirty-nine TIMIT knowledge-based division into five broad classes, from[5]

The cophenetic correlation coefficient referred to in Figure 5 legend is a measure of how faithfully the dendrogram preserves the pairwise distances between the original unmodelled distances[29]. The closer the value of the cophenetic correlation coefficient is to 1, the more accurately the clustering solution reflects the data.

Since the goal is phone recognition, the question remains as to how can these clusters help to improve phone recognition. The next section describes the followed approach—a hierarchical classification of different levels of phonetic information. Several intermediate classifiers offer posterior probability predictions for BPC, achieving phone detail at the end.

Enhanced phone recognition

In this section, we use the broad classes generated automatically by the method proposed in the previous section in a phone recognition task. Given the difficulty of finding a threshold that leads to an optimum number of clusters, we decided to cut the tree in different places, which resulted in several sets of clusters. This procedure forms a hierarchical structure, from broad to fine phonetic detail. The combination of several levels of phonetic detail has already been investigated in several studies, e.g.[5], where the outputs of four broad phonetic group classifiers (knowledge-based generated and trained separately) are combined in order to correct or enhance a phone classifier. Our proposal follows a similar approach, but by means of a hierarchical structure and with broad classes generated by the confusion-driven approach. Later, we show that this hierarchical classification takes advantage over the classifiers trained separately.

Hierarchical broad classes

We propose a hierarchical classification system that consists of a hybrid MLP/HMM, where the neural network architecture performs phone classification with a hierarchical set of broad class phonetic classifiers. The number of output layers in the MLP is the same as the cut places of the clustering tree, with the same order. Each cluster is characterized by the set of phones grouped by the tree cut and is called broad class. The broad class predictions from earlier classifiers are fed to the next ones in order to enhance the class discrimination in the current classifier. The last layer performs a 1-to-61 classification of the set of phones. All layers are trained concurrently so that, in training mode, targets are presented at all output layers.

The serial arrangement proposed provides several broad-class posteriors along with the phone posteriors. A better phone classifier may be achieved if all these posteriors are correctly combined. Previous study[8] shows that phone prediction may be more robust if class membership probabilities are weighted and combined. A method for finding the best set of weights based on discriminative training in a hybrid MLP/HMM system is described below.

Hierarchical MLP combination approach

The goal of a combination approach is to take advantage of the broad-class posteriors along with the phone posteriors in order to improve the global phone recognition performance. Our approach considers that each phone can be predicted by combining all the broad-class outputs associated with that phone, with weights differing for each phone. These weights are found by means of a discriminative training method. Each weight will be assigned to the logarithm of the network output which includes the phone. The global phone posteriors are found by combining the corresponding outputs of all output layers. The proposed combination rule is expressed by

P ^ p k | y = 1 Z exp l = 1 N L α c k ( l ) log ( y c k ( l ) )
(9)

P ^ p k | y is the k th phone probability prediction, given the layer outputs, y, corresponding to the broad-class predictions in each of the N L output layers (see Figure 6). y c k ( l ) and α c k ( l ) are the network output and corresponding weight of layer l and index c k , denoting the broad-class index (in layer l) to which the phone k belongs. Each phone is predicted by weighting all the class outputs associated with the phone k, k 1 , .. , 61 , which are different for each phone. Referring to Figure 6, there are four output layers with 9, 16, 40 and 61 clusters and according to Table 3 the phone [zh] has indexes 3, 9, 23 and 61 in the layers from 1 to 4. In this equation, Z is a normalization factor for the predictor P ^ p k | y for the 61 phones sum up to one.

Figure 6
figure 6

Discriminative weight training method scheme.

Table 3 Description of data-driven broad classes

The best set of weights is the one which gives the highest phone accuracy according to our hybrid MLP/HMM recognition system. An iterative training method based on the paradigm of discriminative training is therefore appropriate.

Discriminative training of the weights

Every kind of error should be considered (substitutions, insertions and deletions) in the definition of a cost function. Since these errors are found by the Levenshtein distance, the objective function should include a minimization of this distance with multiple hypotheses. However, we used a simple 1-best discriminative function, thereby avoiding the error counting, which it is better than applying the phone targets to the network output layer as is usually done. The Levenshtein distance aligns two label sequences. One is the reference (assumed correct) sequence, W lab , and the other is the best decoding hypothesis given by the recognizer, W rec . Using the Viterbi algorithm, we define an error function as

d W rec , W lab = g ( W rec ) g ( W lab )
(10)

where g ( W lab ) and g ( W rec ) represent the reference and best acoustic log likelihood of the observation sequence according to the Viterbi algorithm. This difference corresponds to a likelihood ratio. It is always greater than zero and is only zero if the two transcriptions are exactly the same (if labels and time alignments match).

If NBD is the total number of training utterances, the global cost is then given by

E = n = 1 N BD d ( W rec ( n ) , W lab ( n ) )
(11)

In the hybrid MLP/HMM approach, the a priori probability function b s (x) is the likelihood of observing x in the HMM state, s, being transformed in the posterior probability predicted by Equation (9).

In order to find the appropriate set of weights { α k ( l ) } , a gradient descendent method is applied. In this case, it can be shown that the error gradient has terms of the form

α c k ( l ) log P ^ p k | y = log ( y c k ( l ) ) 1 1 / Z
(12)

On the other hand, the gradient of the weights is

α c k ( l ) = E α c k ( l ) = n = 1 N BD g W rec ( n ) α c k ( l ) g W lab ( n ) α c k ( l )
(13)

The gradients of the log likelihoods in this expression depends on (12) because the HMM states of the path ( W rec ( n ) or W lab ( n ) ) are associated with the MLP outputs, y c k ( l ) .

Figure 6 illustrates the scheme of the proposed discriminative weight training method.

We used the RPROP to accelerate the convergence to a solution.

Results of the proposed hierarchical MLP architecture with broad classes found by the clustering method are presented in Section 5.3.

Experimental results

All the experiments were carried out using hybrid MLP/HMM systems. Speech was analyzed as in Section 3.1.1. Both training and testing were carried out using the TIMIT database[20] and its original 61 phoneme set. This database is often used in phone recognition benchmarking, e.g.[5, 7, 30]. The train and test sets correspond to the original splitting of the TIMIT database. While the training set with all si and sx sentences has 3,698 utterances, the test set consists of all si and sx sentences from the complete 168-speaker test set, which has 1,344 utterances.

The targets derive from the phone boundaries provided by the TIMIT database. Although the neural network is tailored to discriminate the full 61 TIMIT phones, these symbols are sometimes considered a too narrow description for practical use, and for evaluation purposes we collapsed the 61 TIMIT labels into the standard 39 phones as proposed by Lee and Hon[31]. In the hybrid MLP/HMM systems, the a priori state likelihoods are replaced by posterior probabilities, P ^ p k | x , given directly from the MLP output layer or according to Equation (9) (Section 4.2). The performance of the MLPs was evaluated by means of a frame error rate (FER). The performance of the hybrid system was evaluated by means of Correctness (Corr) and Accuracy (Acc).

Hierarchical versus single layer classification

As described in Section 4.1, a hierarchical classification of different levels of phonetic information is proposed in order to improve phone recognition. The neural network has about 161 k parameters. It comprises eight hidden layers. The number of nodes in the layers is (in numerical order): 50-9-50-16-50-40-100-61. Even layers give posterior probability predictions for BPC and the last layer gives posterior probability predictions for phones. Thus, the proposed MLP system is trained as a function of the 61 phones and 3 additional sets of BPC, consisting of 9, 16, 40 TIMIT phone sets (viz. BPC9, BPC16, BPC40) achieved by the confusion-driven clustering approach proposed. The hierarchical phone clustering dendrogram in Figure 5 gives rise to the BPC9. The two others BPCs result from cutting the data-driven dendrogram tree into two other levels. The resulting sets of BPCs were grouped according to the division presented in Table 3.

Standard MFCC’s features and derivatives are presented for input (odd) hidden layers. A context window of 290 ms was used using only 15 frame features (details in[8]).

All layers were trained concurrently so that, in training mode, targets were presented at all even layers: layers 2, 4, 6 and 8. Since even layers are trained with a softmax activation function, its outputs can be seen as BPC probabilities. The odd uses a sigmoid activation function. All the network weights and bias are adjusted using batch training with an RPROP algorithm[21] so as to minimize the minimum-cross-entropy error between the network output and the target values. The choice of the error function followed Bishop’s suggestion[32], which was later clarified by Dunne and Campbell[33]. It states that the softmax activation function should couple with the cross-entropy penalty function.

In order to evaluate the performance of the proposed hierarchical network, we trained four single layer networks, each one specialized in one BPC. Each single layer network was trained with the same number of hidden nodes as the hierarchical network (e.g. BPC16 MLP has 50 hidden nodes and an output layer with 16 outputs). The results in terms of FER are given in Figure 7 and show that the hierarchical network outperformed the equivalent single layer networks with respect to BPC16, BPC40 and 61 TIMIT phones. Regarding the classification of BPC9 (9 clusters of Table 1) the performance of the single layer network is similar to the hierarchical. These results encourage the use of the hierarchical structure in further experiments. Note that these results relate to an evaluation (in terms of FER) of the test set for every training epoch.

Figure 7
figure 7

FER comparison of hierarchical BPC’s classification and equivalent single layer BPC’s classification.

Hierarchical confusion-driven versus hierarchical knowledge-driven phone recognition

Since confusion-driven clustering is the topic of this article, the performance of this kind of clustering has to be compared with that achieved by an expert-knowledge approach. Therefore, we trained two hierarchical MLPs from scratch. They had a similar number of parameters, with the same number of layers but with broad classes found by means of the proposed confusion-driven clustering procedure (Hierarchical MLP with confusion-driven broad classes) and by the classical division based on expert knowledge (Hierarchical MLP with knowledge-driven broad classes). The confusion-driven broad classes division is presented in Table 3 and the knowledge-driven broad classes division is presented in Table 1 of[8]. Besides the intermediate layers having a different number of outputs, in both MLPs the output layer is trained as a function of the 61 TIMIT original phones. Figure 8 presents the comparison in terms of FER within the 39 phone set evaluation. Results for the test set are very similar in the two figures, which indicates that the proposed confusion-driven phone clustering method may be used instead of the classical methods based on human knowledge.

Figure 8
figure 8

Comparison of FER of two similar MLPs with intermediate layers trained as a function of broad classes found by two different clustering approaches: confusion-driven and knowledge-driven.

Phone recognition with MLP combination

One question remains unanswered: how can confusion-driven phone clustering enhance phone recognition? In view of this, we tested a hybrid MLP/HMM system with the MLP following the hierarchical structure described in Sections 3 and 4. Results are presented in Table 4. The first line shows the baseline system for which only the output layer of the MLP was considered, which gives 61 phone class membership predictions in the HMM, while the second line gives the results of the hierarchical classification structure with the outputs of each level combined by the discriminative weight training method. The results rise from a correctness rate of 71.8–73.8% which is a relative improvement of 2.8%. Regarding accuracy, the relative improvement was 2%, to reach 70%. As expected, a combination of broad-class posteriors with phone posteriors can be effective for enhancing both the correctness and accuracy rates in phone recognition.

Table 4 TIMIT phone recognition results

Contextualizing with TIMIT state-of-art results

The results presented here are not comparable with those published in[34] because the authors of that study evaluated their system with phone classification and not phone recognition, as we have done. But the results compare favourably with the findings presented by an ASAT (Automatic Speech Attribute Transcription) group in[35] and by Morris and Fosler-Lussier[7]. The only factor those studies have in common with this study is that they present results for the same conditions (same speech material and same recognition rates). The ASAT group[35] uses confidence scores of phonetic attributes classes given by an MLP, an HMM and an SVM in a CRF for phone recognition. They indicate an accuracy rate of 69.52%. This value is lower than our CDPC + PP results. Morris and Fosler-Lussier[7] use phonological features provided by an ANN together with 61 class posteriors, provided by another ANN, also as input of a CRF, and achieve a 71.49% accuracy rate. Our results are close, which shows that the very different approaches provide similar performance results. It would appear that higher results will not be achieved for the TIMIT corpus unless other approaches are used, which should include a widening of the phonetic context as was successfully done in[6]. Milestones in phone recognition using the TIMIT database can be found in[30].

Conclusions

This article has described a phone clustering method based on a phone similarity metric which is computed from a confusion matrix generated from the output of a phone recognition system. The results show that equally good performances are achieved using the broad classes given by the proposed clustering method and using the broad classes defined using human knowledge. In addition to the proposed method overcoming the subjectivity and time-consumption related to the human-based on, employing a clustering method like this make possible the creation of broad classes also in systems where the recognition unit is not the phone. It is also much easier to modify the speech database phone (or other unit) set. This may be necessary in cases where the speech databases are not extensive enough to have a sufficient number of occurrences of all phones. Another advantage of the method is that the approach proposed in this article can easily be generalized and applied to other languages or to multilingual systems. It should be noted that the proposed method is highly dependent on the performance of the starting recognizer. The quality of the acoustic models of the phone recognizer must be good enough to provide a warrantable confusion matrix.

A hierarchical structure for training the intermediate broad classes has also been proposed. It has been found to be superior to training each broad class set separately, as is usually done. Furthermore, the scope of the current proposal extended to applying the confusion-driven phone clustering method to a phone recognition system. In view of this, a hierarchical structure was built where middle levels were trained as a function of the clusters generated by the proposed clustering procedure, to arrive at phone detail in the last level. Enhanced phone recognition was in fact found by combining the contribution of each cluster of each level in the final phone posterior estimation. Since the optimal combination depends on each individual phone, an original discriminative method was used to find the best set of weights for each phone. The results were encouraging as the correctness and accuracy rates exhibited relative improvements of 2.8 and 2%, respectively, relatively to a baseline system.

Better results might be obtained if a new confusion matrix were computed from the output of this improved phone recognition system; the confusion-driven phone clustering method can then be applied once more, with the result that better cluster divisions are naturally found, and the phone discrimination is thus improved yet again.

Endnote

a“Confusion-driven” is used since the phone clustering is a function of a confusion matrix.

References

  1. Kempton T, Moore RK: Language identification: insights from the classification of hand annotated phone transcripts, in Proc. Odyssey Workshop on Speaker and Language Recognition, Stellenbosch, South Africa; 2008.

    Google Scholar 

  2. Yuan J, Liberman M: Robust speaking rate estimation using broad phonetic class recognition. Proceedings of ICASSP2010, Dallas, USA; 2010:4222-4225.

    Google Scholar 

  3. Yang L, Zhang J, Yan Y: Acoustic units selection in Chinese–English bilingual speech recognition, in Proc Non Linear Speech Processing. Paris, France; 2007.

    Google Scholar 

  4. Zgank A, Horvat B, Kacic Z: Data-driven generation of phonetic broad classes, based on phoneme confusion matrix similarity. Speech Commun 2005, 47(3):379-393. 10.1016/j.specom.2005.03.011

    Article  Google Scholar 

  5. Scanlon P, Ellis D, Reilly R: Using broad phonetic group experts for improved speech recognition. IEEE Trans. Audio Speech Lang. Process 2007, 15(3):803-812.

    Article  Google Scholar 

  6. Siniscalchi SM, Schwarz P, Lee C-H: High-accuracy phone recognition by combining high-performance lattice generation and knowledge based rescoring. Proc. ICASSP, Honolulu, USA; 2007:869-872.

    Google Scholar 

  7. Morris J, Fosler-Lussier E: Conditional random fields for integrating local discriminative classifiers. IEEE Trans. Acoust. Speech Lang. Process 2008, 16(3):617-628.

    Article  Google Scholar 

  8. Lopes C, Perdigão F: A hierarchical broad-class classification to enhance phoneme recognition. Proc. EUSIPCO-2009, Glasgow, UK; 2009:1760-1764.

    Google Scholar 

  9. Sainath TN, Zue V: A comparison of broad phonetic and acoustic units for noise robust segment-based speech recognition. Proc. Interspeech, Brisbane, Australia; 2008:2378-2381.

    Google Scholar 

  10. Halberstadt A, Glass J: Heterogeneous acoustic measurements for phonetic classification. Proc. Eurospeech, Rhodes, Greece; 1997:401-404.

    Google Scholar 

  11. Rose RC, Momayyez P: Integration of multiple feature sets for reducing ambiguity in ASR, in Proc International Conference on Acoustics, Speech, and Signal Processing-ICASSP2007, Honolulu. USA 2007, 4: 325-328.

    Google Scholar 

  12. Juneja A, Espy-Wilson C: Segmentation of continuous speech using acoustic-phonetic parameters and statistical learning. Proc. International Conference on Neural Information Processing ICONIP, Singapore; 2002:726-730.

    Google Scholar 

  13. Ali AMA, Van J, der Spiegal P, Mueller P: Acoustic-phonetic features for the automatic classification of stop consonants. IEEE Trans. Speech Audio Process 2001, 9(8):833-841. 10.1109/89.966086

    Article  Google Scholar 

  14. Ali AMA, Van der Spiegel J, Mueller P: An acoustic-phonetic feature-based system for the automatic recognition of fricative consonants. Proc. International Conference on Acoustics, Speech, and Signal Processing - ICASSP98, Seattle, USA; 1998:961-964.

    Google Scholar 

  15. Brian M, Etienne B: Phone clustering using the Bhattacharyya distance. Proc. International Conference on Spoken Language Processing, Philadelphia, USA; 1996:2005-2008.

    Google Scholar 

  16. Imperl B, Kacic Z, Horvat B, Zgank A: Clustering of triphones using phoneme similarity estimation for the definition of a multilingual set of triphones. Speech Commun 2003, 39(3–4):353-366.

    Article  MATH  Google Scholar 

  17. Köhler J: Multi-lingual phoneme recognition exploiting acoustic-phonetic similarities of sounds. Proc. International Conference on Spoken Language Processing, Philadelphia, PA, USA; 1996:2195-2198.

    Google Scholar 

  18. Chelba C, Morton R: Mutual information phone clustering for decision tree induction. Proc. International Conference on Spoken Language Processing, Denver, USA; 2002:1005-1008.

    Google Scholar 

  19. Mareuil P, Corredor Ardoy C, Adda-Decker M: Multi-lingual automatic phoneme clustering. Proc. 14th International Conference on Phonetic Science, ICPhS-99, San Francisco; 1999:1209-1212.

    Google Scholar 

  20. Garofolo J, Lamel L, Fisher W, Fiscus J, Pallett D, Dahlgren N: DARPA. TIMIT acoustic-phonetic continuous speech corpus CD-ROM, NIST; 1990.

    Google Scholar 

  21. Riedmiller M, Braun H: A direct adaptive method for faster backpropagation learning: the RPROP algorithm. Proc. International Conference on Neural Networks, Francisco, CA; 1993:586-591.

    Google Scholar 

  22. Young S, Evermann G, Gales M, Hain T, Kershaw D, Liu X, Moore G, Odell J, Ollason D, Povey D, Valtchev V, Woodland P The HTK Book. Revised for HTK Version 3.4, Cambridge University Engineering Department, Cambridge; 2006.

  23. Lopes C, Perdigão F: Improved performance evaluation of speech event detectors. Proc. Interspeech2006, Pittsburgh, USA; 2006:2190-2193.

    Google Scholar 

  24. Gusfield D: Algorithms on Strings, Trees, and Sequences: Computer Science and Computational Biology. Cambridge University Press, UK; 1997.

    Book  MATH  Google Scholar 

  25. Vihola M, Harju M, Salmela P, Suontausta J, Savela J: Two dissimilarity measures for HMMs and their application in phoneme model clustering. Proc. ICASSP 2002, Orlando, FL; 2002:933-936.

    Google Scholar 

  26. Vihola M: Dissimilarity measures for hidden Markov models and their application in multilingual speech recognition. MSc thesis, Tampere University of Technology; May 2002.

    Google Scholar 

  27. Day W, Edelsbrunner H: Efficient algorithms for agglomerative hierarchical clustering methods. J. Classif 1984, 1: 7-24. 10.1007/BF01890115

    Article  MATH  Google Scholar 

  28. Johnson S: Hierarchical clustering schemes. Psychometrika 1967, 2: 241-254.

    Article  Google Scholar 

  29. Sokal RR, Rohlf FJ: The comparison of dendrograms by objective methods. Taxon 1962, 11: 33-40. 10.2307/1217208

    Article  Google Scholar 

  30. Lopes C, Perdigão F: Phone Recognition on the TIMIT Database - Chapter in Speech Technologies. (In-Tech; 2011). ISBN 978-953-307-996-7

    Google Scholar 

  31. Lee K, Hon H: Speaker-independent phone recognition using hidden Markov models. IEEE Trans. Acoust. Speech Signal Process 1989, 37(11):1642-1648.

    Google Scholar 

  32. Bishop C: Neural Networks for Pattern Recognition. Oxford University Press, Oxford; 1995.

    MATH  Google Scholar 

  33. Dunne R, Campbell N: On the pairing of the softmax activation and cross-entropy penalty functions and the derivation of the softmax activation function. Proc. 8th Australian Conf. on Neural Networks, Melbourne, Australia; 1997:181-185.

    Google Scholar 

  34. Gunawardana A, Mahajan M, Acero A, Platt J: Hidden conditional random fields for phone classification. Proc. Interspeech2005, Lisbon, Portugal; 2005:1117-1120.

    Google Scholar 

  35. Bromberg I, Fu Q, Hou J, Li J, Ma C, Matthews B, Moreno-Daniel A, Morris J, Siniscalchi S, Tsao Y, Wang Y: Detection-based ASR in the automatic speech attribute transcription project. in Proc. of Interspeech2007, Antwerp, Belgium; 2007:1829-1832.

    Google Scholar 

Download references

Acknowledgements

Carla Lopes would like to thank the Portuguese foundation: Fundação para a Ciência e a Tecnologia for the PhD Grant (SFRH/BD/27966/2006).

Author information

Authors and Affiliations

Authors

Corresponding author

Correspondence to Carla Lopes.

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

Lopes, C., Perdigão, F. Broad phonetic class definition driven by phone confusions. EURASIP J. Adv. Signal Process. 2012, 158 (2012). https://doi.org/10.1186/1687-6180-2012-158

Download citation

  • Received:

  • Accepted:

  • Published:

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

Keywords