Otsu's method

From testwiki
Jump to navigation Jump to search

Template:Short description

Error creating thumbnail:
An example image thresholded using Otsu's algorithm
Original image

In computer vision and image processing, Otsu's method, named after Template:Nihongo, is used to perform automatic image thresholding.[1] In the simplest form, the algorithm returns a single intensity threshold that separate pixels into two classes, foreground and background. This threshold is determined by minimizing intra-class intensity variance, or equivalently, by maximizing inter-class variance.[2] Otsu's method is a one-dimensional discrete analogue of Fisher's discriminant analysis, is related to Jenks optimization method, and is equivalent to a globally optimal k-means[3] performed on the intensity histogram. The extension to multi-level thresholding was described in the original paper,[2] and computationally efficient implementations have since been proposed.[4][5]

Otsu's method

File:Otsu's Method Visualization.gif
Otsu's method visualization

The algorithm exhaustively searches for the threshold that minimizes the intra-class variance, defined as a weighted sum of variances of the two classes:

σw2(t)=ω0(t)σ02(t)+ω1(t)σ12(t)

Weights ω0 and ω1 are the probabilities of the two classes separated by a threshold t ,and σ02 and σ12 are variances of these two classes.

The class probability ω{0,1}(t) is computed from the L bins of the histogram:

ω0(t)=i=0t1p(i)ω1(t)=i=tL1p(i)

For 2 classes, minimizing the intra-class variance is equivalent to maximizing inter-class variance:[2]

σb2(t)=σ2σw2(t)=ω0(t)(μ0μT)2+ω1(t)(μ1μT)2=ω0(t)ω1(t)[μ0(t)μ1(t)]2

which is expressed in terms of class probabilities ω and class means μ, where the class means μ0(t), μ1(t) and μT are:

μ0(t)=i=0t1ip(i)ω0(t)μ1(t)=i=tL1ip(i)ω1(t)μT=i=0L1ip(i)

The following relations can be easily verified:

ω0μ0+ω1μ1=μTω0+ω1=1

The class probabilities and class means can be computed iteratively. This idea yields an effective algorithm.

Algorithm

  1. Compute histogram and probabilities of each intensity level
  2. Set up initial ωi(0) and μi(0)
  3. Step through all possible thresholds t=1, maximum intensity
    1. Update ωi and μi
    2. Compute σb2(t)
  4. Desired threshold corresponds to the maximum σb2(t)

MATLAB implementation

histogramCounts is a 256-element histogram of a grayscale image different gray-levels (typical for 8-bit images). level is the threshold for the image (double).

function level = otsu(histogramCounts)
total = sum(histogramCounts); % total number of pixels in the image 
%% OTSU automatic thresholding
top = 256;
sumB = 0;
wB = 0;
maximum = 0.0;
sum1 = dot(0:top-1, histogramCounts);
for ii = 1:top
    wF = total - wB;
    if wB > 0 && wF > 0
        mF = (sum1 - sumB) / wF;
        val = wB * wF * ((sumB / wB) - mF) * ((sumB / wB) - mF);
        if ( val >= maximum )
            level = ii;
            maximum = val;
        end
    end
    wB = wB + histogramCounts(ii);
    sumB = sumB + (ii-1) * histogramCounts(ii);
end
end

Matlab has built-in functions graythresh() and multithresh() in the Image Processing Toolbox which are implemented with Otsu's method and Multi Otsu's method, respectively.

Python implementation

This implementation requires the NumPy library.

import numpy as np


def otsu_intraclass_variance(image, threshold):
    """
    Otsu's intra-class variance.
    If all pixels are above or below the threshold, this will throw a warning that can safely be ignored.
    """
    return np.nansum(
        [
            np.mean(cls) * np.var(image, where=cls)
            #   weight   ·  intra-class variance
            for cls in [image >= threshold, image < threshold]
        ]
    )
    # NaNs only arise if the class is empty, in which case the contribution should be zero, which `nansum` accomplishes.


# Random image for demonstration:
image = np.random.randint(2, 253, size=(50, 50))

otsu_threshold = min(
    range(np.min(image) + 1, np.max(image)),
    key=lambda th: otsu_intraclass_variance(image, th),
)

Python libraries dedicated to image processing such as OpenCV and Scikit-image propose built-in implementations of the algorithm.

Limitations and variations

Otsu's method performs well when the histogram has a bimodal distribution with a deep and sharp valley between the two peaks.[6]

Like all other global thresholding methods, Otsu's method performs badly in case of heavy noise, small objects size, inhomogeneous lighting and larger intra-class than inter-class variance.[7] In those cases, local adaptations of the Otsu method have been developed.[8]

Moreover, the mathematical grounding of Otsu's method models the histogram of the image as a mixture of two Normal distributions with equal variance and equal size.[9] Otsu's thresholding may however yield satisfying results even when these assumptions are not met, in the same way statistical tests (to which Otsu's method is heavily connected[10]) can perform correctly even when the working assumptions are not fully satisfied.

Several variations of Otsu's methods have been proposed to account for more severe deviations from these assumptions,[9] such as the Kittler-Illingworth method.[11]

A variation for noisy images

A popular local adaptation is the two-dimensional Otsu's method, which performs better for the object segmentation task in noisy images. Here, the intensity value of a given pixel is compared with the average intensity of its immediate neighborhood to improve segmentation results.[8]

At each pixel, the average gray-level value of the neighborhood is calculated. Let the gray level of the given pixel be divided into L discrete values and the average gray level is also divided into the same L values. Then a pair is formed: the pixel gray level and the average of the neighborhood (i,j). Each pair belongs to one of the L×L possible 2-dimensional bins. The total number of occurrences (frequency), fij, of a pair (i,j), divided by the total number of pixels in the image N, defines the joint probability mass function in a 2-dimensional histogram:

Pij=fijN,i=0L1j=0L1Pij=1

And the 2-dimensional Otsu's method is developed based on the 2-dimensional histogram as follows.

The probabilities of two classes can be denoted as:

ω0=i=0s1j=0t1Pijω1=i=sL1j=tL1Pij

The intensity mean value vectors of two classes and total mean vector can be expressed as follows:

μ0=[μ0i,μ0j]T=[i=0s1j=0t1iPijω0,i=0s1j=0t1jPijω0]Tμ1=[μ1i,μ1j]T=[i=sL1j=tL1iPijω1,i=sL1j=tL1jPijω1]TμT=[μTi,μTj]T=[i=0L1j=0L1iPij,i=0L1j=0L1jPij]T

In most cases the probability off-diagonal will be negligible, so it is easy to verify:

ω0+ω11
ω0μ0+ω1μ1μT

The inter-class discrete matrix is defined as

Sb=k=01ωk[(μkμT)(μkμT)T]

The trace of the discrete matrix can be expressed as

tr(Sb)=ω0[(μ0iμTi)2+(μ0jμTj)2]+ω1[(μ1iμTi)2+(μ1jμTj)2]=(μTiω0μi)2+(μTjω0μj)2ω0(1ω0)

where

μi=i=0s1j=0t1iPij
μj=i=0s1j=0t1jPij

Similar to one-dimensional Otsu's method, the optimal threshold (s,t) is obtained by maximizing tr(Sb).

Algorithm

The s and t is obtained iteratively which is similar with one-dimensional Otsu's method. The values of s and t are changed till we obtain the maximum of tr(Sb), that is

max,s,t = 0;

for ss: 0 to L-1 do
    for tt: 0 to L-1 do
        evaluate tr(S_b);
        if tr(S_b) > max
            max = tr(S,b);
            s = ss;
            t = tt;
        end if
    end for
end for

return s,t;

Notice that for evaluating tr(Sb), we can use a fast recursive dynamic programming algorithm to improve time performance.[12] However, even with the dynamic programming approach, 2d Otsu's method still has large time complexity. Therefore, much research has been done to reduce the computation cost.[13]

If summed area tables are used to build the 3 tables, sum over Pij, sum over i*Pij, and sum over j*Pij, then the runtime complexity is the maximum of (O(N_pixels), O(N_bins*N_bins)). Note that if only coarse resolution is needed in terms of threshold, N_bins can be reduced. Template:See also

MATLAB implementation

function inputs and output:

hists is a 256×256 2D-histogram of grayscale value and neighborhood average grayscale value pair.

total is the number of pairs in the given image.it is determined by the number of the bins of 2D-histogram at each direction.

threshold is the threshold obtained.

function threshold = otsu_2D(hists, total)
maximum = 0.0;
threshold = 0;
helperVec = 0:255;
mu_t0 = sum(sum(repmat(helperVec',1,256).*hists));
mu_t1 = sum(sum(repmat(helperVec,256,1).*hists));
p_0 = zeros(256);
mu_i = p_0;
mu_j = p_0;
for ii = 1:256
    for jj = 1:256
        if jj == 1
            if ii == 1
                p_0(1,1) = hists(1,1);
            else
                p_0(ii,1) = p_0(ii-1,1) + hists(ii,1);
                mu_i(ii,1) = mu_i(ii-1,1)+(ii-1)*hists(ii,1);
                mu_j(ii,1) = mu_j(ii-1,1);
            end
        else
            p_0(ii,jj) = p_0(ii,jj-1)+p_0(ii-1,jj)-p_0(ii-1,jj-1)+hists(ii,jj); % THERE IS A BUG HERE. INDICES IN MATLAB MUST BE HIGHER THAN 0. ii-1 is not valid
            mu_i(ii,jj) = mu_i(ii,jj-1)+mu_i(ii-1,jj)-mu_i(ii-1,jj-1)+(ii-1)*hists(ii,jj);
            mu_j(ii,jj) = mu_j(ii,jj-1)+mu_j(ii-1,jj)-mu_j(ii-1,jj-1)+(jj-1)*hists(ii,jj);
        end

        if (p_0(ii,jj) == 0)
            continue;
        end
        if (p_0(ii,jj) == total)
            break;
        end
        tr = ((mu_i(ii,jj)-p_0(ii,jj)*mu_t0)^2 + (mu_j(ii,jj)-p_0(ii,jj)*mu_t1)^2)/(p_0(ii,jj)*(1-p_0(ii,jj)));

        if ( tr >= maximum )
            threshold = ii;
            maximum = tr;
        end
    end
end
end

A variation for unbalanced images

When the levels of gray of the classes of the image can be considered as Normal distributions but with unequal size and/or unequal variances, assumptions for the Otsu algorithm are not met. The Kittler-Illingworth algorithm (also known as Minimum Error thresholding)[11] is a variation of Otsu's method to handle such cases. There are several ways to mathematically describe this algorithm. One of them is to consider that for each threshold being tested, the parameters of the Normal distributions in the resulting binary image are estimated by Maximum likelihood estimation given the data.[9]

While this algorithm could seem superior to Otsu's method, it introduces new parameters to be estimated, and this can result in the algorithm being over-parametrized and thus unstable. In many cases where the assumptions from Otsu's method seem at least partially valid, it may be preferable to favor Otsu's method over the Kittler-Illingworth algorithm, following Occam's razor.[9]

Error creating thumbnail:
Triclass thresholding tentatively divides histogram of an image into three classes, with the TBD class to be processed at next iterations.

Iterative Triclass Thresholding Based on the Otsu's Method

One limitation of the Otsu’s method is that it cannot segment weak objects as the method searches for a single threshold to separate an image into two classes, namely, foreground and background, in one shot. Because the Otsu’s method looks to segment an image with one threshold, it tends to bias toward the class with the large variance.[14] Iterative triclass thresholding algorithm is a variation of the Otsu’s method to circumvent this limitation.[15] Given an image, at the first iteration, the triclass thresholding algorithm calculates a threshold η1 using the Otsu’s method. Based on threshold η1, the algorithm calculates mean μupper[1] of pixels above η1 and mean μlower[1] of pixels below η1. Then the algorithm tentatively separates the image into three classes (hence the name triclass), with the pixels above the upper mean μupper[1] designated as the temporary foreground F class and pixels below the lower mean μlower[1] designated as the temporary background B class. Pixels fall between [μlower[1],μupper[1]] are denoted as a to-be-determined (TBD) region. This completes the first iteration of the algorithm. For the second iteration, the Otsu’s method is applied to the TBD region only to obtain a new threshold η2. The algorithm then calculates the mean μupper[2] of pixels in the TBD region that are above η2 and the mean μlower[2] of pixels in the TBD region that are below η2. Pixels in the TBD region that are greater than the upper mean μupper[2] are added to the temporary foreground F. And pixels in the TBD region that are less than the lower mean μlower[2] are added to the temporary background B. Similarly, a new TBD region is obtained, which contains all the pixels falling between [μlower[2],μupper[2]]. This completes the second iteration. The algorithm then proceeds to the next iteration to process the new TBD region until it meets the stopping criterion. The criterion is that, when the difference between Otsu’s thresholds computed from two consecutive iterations is less than a small number, the iteration shall stop. For the last iteration, pixels above ηn are assigned to the foreground class and pixels below the threshold are assigned to the background class. At the end, all the temporary foreground pixels are combined to constitute the final foreground. All the temporary background pixels are combined to become the final background. In implementation, the algorithm involves no parameter except for the stopping criterion in terminating the iterations. By iteratively applying the Otsu’s method and gradually shrinking the TBD region for segmentation, the algorithm can obtain a result that preserves weak objects better than the standard Otsu’s method does.

References

Template:Reflist