Abstract
Breast cancer is a major public health problem for women in the Iran and many other parts of the world. Dynamic contrast-enhanced magnetic resonance imaging (DCE-MRI) plays a pivotal role in breast cancer care, including detection, diagnosis, and treatment monitoring. But segmentation of these images which is seriously affected by intensity inhomogeneities created by radio-frequency coils is a challenging task. Markov Random Field (MRF) is used widely in medical image segmentation especially in MR images. It is because this method can model intensity inhomogeneities occurring in these images. But this method has two critical weaknesses: Computational complexity and sensitivity of the results to the models parameters. To overcome these problems, in this paper, we present Improved-Markov Random Field (I-MRF) method for breast lesion segmentation in MR images. Unlike the conventional MRF, in the proposed approach, we don’t use the Iterative Conditional Mode (ICM) method or Simulated Annealing (SA) for class membership estimation of each pixel (lesion and non-lesion). The prior distribution of the class membership is modeled as a ratio of two conditional probability distributions in a neighborhood which is defined for each pixel: probability distribution of similar pixels and non-similar ones. Since our proposed approach don’t use an iterative method for maximizing the posterior probability, above mentioned problems are solved. Experimental results show that performance of segmentation in this approach is higher than conventional MRF in terms of accuracy, precision, and Computational complexity.
Keywords: Breast Lesions segmentation, Markov Random Fields, Textural Features, MR imaging
1. INTRODUCTION
Breast cancer is one of the leading causes of cancer death in Iran. The mammogram is the most effective tool in early breast cancer detection; however, it is not 100% effective. The sensitivity of the mammogram depends on density, age, and hormone status of the patients and 10-30% breast cancer are not detected. Its positive predictive value is less than 35%[1]. Hence we need to use other imaging modality such as MRI[2]. The MRI modality is used simultaneity as an appropriate scenario with mammography, especially for women at high risk. Some studies have shown that MRI is superior to x-ray mammography and sonography in order to determine breast cancer tumor volume[3–5].
Several segmentation techniques are presented in the literature[6,7] such as Region-based segmentation techniques[8,10] contour-based segmentation[11,12] and classification-based segmentation methods including supervised and unsupervised algorithms[13–17]
Among the many existing segmentation methods, the accurate segmentation of MR images seems a challenging task. One of the important persistent difficulties is the spatial inhomogeneity of the MR signal with which many methods at the present deal. The Markov Random Fields have been used in many image processing problems including image restoration and segmentation[18–20].
Since Markov Random Field models spatial interaction between neighboring pixels, it can overcome spatial inhomogeneity in MR images. Hence it is used widely in medical image segmentation. But this method has also some weakness: Computational complexity and sensitivity of the results to the models parameters. In order to address these difficulties, we have developed a new Markov Random Filed (I-MRF) segmentation method.
This proposed method doesn’t need an image with primary labels and never used the iterative methods such as SA or ICM to maximize posterior probability. For these reasons, the computational complexity of algorithm is reduced. We also use texture features to measure the similarity between pixels in this paper, because textures are one of the most important image attributes and can distinguish the objects with different patterns. Gibbs et al.[21] used texture analysis in diagnosis of benign and malignant breast lesions.
This paper is organized in different parts and sections. : In section 2; we introduce conventional MRF and Finite Gaussian Mixture, the proposed algorithm will be explained in section 3, section 4 investigate the experimental results of our approach and compare them with by conventional MRF, and finally; discussion and conclusion comes in section 5.
2. METHODS
A. Image Dataset
In this paper, we used the PIDER Breast MRI dataset (https://imaging.nci.nih.gov/ncia). This dataset includes breast MRI images from 5 patients and their Ground Truth (GT) segmentation that have been identified by a radiologist manually. GT is used as a reference for performance evaluation of segmentation methods in our experiments.
B. ROI selection
Since Automatic segmentation of medical images is a challenging task and still unsolved problem for many applications, and also experience of a radiologist can increase performance of algorithm, we present an interactive segmentation approach according to the identified region of interest (ROI). In our approach, at first an experienced radiologist examines and draws ROIs on MR image data with the help of image analysis software, and then we give these ROIs as an input image to algorithm.
Since The ROI is defined by placing a box whit limited size (that completely contains the region of breast lesion), the segmentation complexity is reduced. A sample of ROI is shown in Figure 1.
C. The FGM and the MRF Models
Markov random field (MRF) model is not a segmentation method in itself, but it is a statistical model, which can be used for segmentation methods. It works with the fact that a pixel belongs to the class in which the neighbors’ pixels. It means that the probability of selecting an outlying pixel is very low. MRF provides an approach to model the variety of image properties and often works with clustering segmentation such as K-means algorithm under a Bayesian prior model[22–25]. It segments the images by maximizing the posterior probability with the help of the ICM[26] or SA[27]. For a better understanding the Markov Random Field model, we defined the Finite Gaussian Mixture (FGM) at first.
In statics, A Gaussian mixture model is a probabilistic model that assumes all the data points are generated from a mixture of a finite number of Gaussian distributions with unknown parameters. Suppose X = {x1, x2 …, xN} is a random observation data set. xi is a d-dimensional random variable. pi(x|θi is the corresponding probability density function, in witch x∈ Rd is the value of xi and θi is the parameter.
In segmentation application, the FGM assumes that the entire image can be expressed as overlaps of Gaussian distributions of its features. The FGM parameters are learned by sequentially applying the Expectation Maximization (EM) algorithm.
Suppose that xi is the observed intensity of pixel. And let L, I and γ denote the sets of tissue class L= {lesion, non-lesion}, pixel index I = {1,2, ..., N}, and model parameters γ = {θl| l∈L} respectively. For every l ∈ L and i ∈ I,
li ∈ L (1)
P(xi|l) = ƒ(xi; θl (2)
Finite Gaussian Model is defined by mean μl and variance σl as follows:
It is a mathematically simple model and can be computed efficiently. But one of the limitations is not considering spatial information. This method only uses the intensity histogram for segmentation, and therefore, it is sensitive to noise and other artifacts. The Markov Random Field is proposed to overcome this weakness[28].
MRF adds the term P(l) to Equation 3, and solves the segmentation problem with maximizing the Equation 4. P(l) Indicates the prior probability distribution of class tissue l.
In other words, the only difference between FGM and MRF model lies in whether the spatial constraint is encoded. To estimate the P(l), based on the Hammersley-Clifford[29] theorem we can write:
Where Z is a normalizing constant, U(x) is the energy function, and Vc denotes a clique potential.
3. PROPOSED APPROACH
Although MRF models have provided better results by taking into account the spatial relationship between neighboring pixels, its computation overhead is much larger than the FGM and other method segmentation[30]. This can be easily understood because the MRF model uses an iterative optimization method such as SA or ICM to find appropriate distribution of labels.
In this new method, we apply the ratio of two conditional probability distributions to estimate the prior distribution. Hereby, we eliminate the need to use iterative method that lead to high computational complexity.
In this new method, we apply the ratio of two conditional probability distributions to estimate the prior distribution. In this way, the essentiality of using a repetitive method, which causes to enhance the complexity of computation, is omitted.
As mentioned in section2, a MRF model can be defined as:
l* = argMaxl∈L(P(l|xi) = P(xi|l)P(l)) (4)
If we define Di as a neighborhood for each pixel xi, then the Equation 4 can be rewritten as follow:
l* = argMaxl∈L(P(l|xi) = P(xi|l, Di)P(l|Di)) (6)
According to γ, we can use Bayes’ formula to write:
P(l|Di) ≈ P(θl|Di) (7)
The main idea of the MRF model is that a pixel is more likely to be of a certain tissue type if the neighboring pixels are also of the same type. Based on this assumption, we use Equation 8 instead of Equation 5 to estimate the prior distribution P(θl|Di).
P(θl|Di) = P(Dsimilar|θl)/P(Dnon–similar|θl) (8)
Where Dsimilar and Dnon–similar are the sets of similar and non-similar pixels to the xi respectively.
If we assume that the pixels are independent, then term P(Dsimilar|θl) can be calculated as follows:
P(Dsimilar|θl) = Πjsimilar–length xj (9)
These sets are represented by a simple graphical model in Figure 2.
According to the main assumption in MRF, when conditional probability P(Dsimilar|θl) has a high value in Equation 8, the posterior probability of tissue l is maximized. In this method, we also use potential information of non-similar pixels by P(Dnon–similar|θl).
To estimate the P(Dsimilar|θl) and P(Dnon–similar|θl) in Equation 8, we need to create the sets of Dsimilarand Dnon–similar. Many of the presented methods in breast lesion segmentation used only the intensity value as a feature for each pixel, which is subject to image noise, patient motion, and MR artifacts[31–32].
A. Similarity measure
On the other hand, since textures are one of the most important characteristics of an image, and also radiologists rely on textures to make diagnostic decisions, Features extraction basis from texture is most widely used in medical image processing[33]. Texture feature attempts to identify gray level variations between adjacent pixels in the image[34].
In this paper, we use three categories of texture feature: First order statistical parameters based on histogram, second order statistical parameters based on Co-occurrence, and Run-Length matrixes. For each pixel in the region of interest, we used a block 5*5 whose feature values are assigned to central pixel of block. Histogram statistics (six features) describes the intensity distribution within the block such as mean and standard deviation. The equation of these texture features are listed in appendix.
Co-occurrence matrices[35] which measure the joint probability of two adjacent Pixels along a given direction with co-occurring values i and j are calculated for 0°, 45°, 90°, and 145°. An average co-occurrence matrix is then computed for each texture block since no directional variations in texture are expected. We calculate 22 features form Co-occurrence matrices that measure joint probability of two nearest pixels in four directions.
The run-length matrix masseurs the abrasiveness of a texture in a given direction θ. Direction is the number of runs of pixels with a gray-level and a run length. A gray-level run is defined as a set of consecutive pixels with the same gray value in the given direction[36]. 11 features obtained from Run-Length matrix for same direction θ= 0°, 45°, 90°, and 145°. Totally, we extracted 39 texture features for each pixel.
After extracting the features for each pixel, we use Equation 10 to determine similarity between central pixel and their neighboring pixels. In this Equation the pixel i is similar to j, when hi,j ≥ 0.61.
σ2, Indicates the variance of pixel values in D and di,j is Euclidean distance between pixel i ,j.
4. EXPRIMENTAL RESULT
In this section, the performance of proposed method is investigated using PIDER Breast MRI dataset (https://imaging.nci.nih.gov/ncia). This dataset includes breast MRI images and their Ground Truth (GT) segmentation that have been identified by a radiologist manually.
GT is used as a reference for performance evaluation of segmentation methods in our experiments. 16 breast images from dataset are used as the test images. Due to space limitation, we only show the result of 5 images out of 16 test images in separate Tables. The ROIs of these images and their GTs have been shown in two first rows of Table 6. Finally the result of the all 16 test images is demonstrated in Table 5.
Table 6.
TABLE 5.
B. Evaluation criteria
Many different measures for evaluating the performance of an algorithm have been proposed such as volume overlap ratio, specificity, sensitivity, precision, accuracy, and etc. First, we give a definition of some expressions in Table 1.
TABLE 1.
1. Accuracy
This criterion is used to measure the similarity between assigned labels by computer algorithm and real labels given by a radiologist.
2. Precision
Unlike accuracy, precision criterion is used to measure reproducibility or repeatability of assigning a label in the same condition.
3. Specificity
This criterion measures the proportion of negatives which are correctly identified.
4. Sensitivity
This criterion measures the proportion of actual positives which are correctly identified. These two latest measures are closely related to the concepts of errors.
5. Volume overlap ratio
In this study, we also use the overlap ratio to quantify how well the computer results and the radiologist's delineation agrees. If Pc denote the set of lesion pixels which is came from the computer algorithm result and Pr denote the set of lesion pixels which is came from the radiologist's segmentation, the volume overlap ratio (VOR) is defined as:
In which the ∩ operator is logical AND, ∪ is the logical OR. It takes value between [0 1], when it is zero. It means that there is no overlap, and one means the exact overlap[37].
6. Computational complexity
The Computational complexity criterion is used to measure the time required to implement each of the algorithms for segmentation an image.
The segmentation methods described in this paper is numerically implemented using Matlab 7.9 (R 2009b).
7. Other Criterion
We also describe the accuracy with other parameters: True Positive Volume Fraction (TPVF), True Negative Volume Fraction (TNVF), false positive volume fraction (FPVF), and false negative volume fraction (FNVF). These parameters are defined as follows[38]:
We just use the two of these volume fractions and the sum of them; TPVF and TNVF.
C. Performance evaluation for conventional MRF
We performed several kinds of experiments. At first, we evaluate the performance of conventional MRF in breast MRI image segmentation. In this section, we used SA algorithm to maximize the a posterior probability. Since the initialization has a significant impact on rapidly of the convergence of the SA procedure and on the quality of the final estimates, a Thresholding method has been used for this purpose.
As it is evident in Table 3 and 5, MRF has provided good segmentation results by 4000 iterations, but its computing time is very high.
TABLE 3.
The segmentation results of Conventional MRF have been shown in the row 3 of Table 6.
D. Performance evaluation for Improved-MRF
Before doing the experiments to investigate proposed method, to determine the appropriate size of neighborhood, some analyses were down. First we defined the neighborhood with different size of 3,5 …27. Afterward, the sum of two volume fractions (TPVF+ TNVF) and computing time were calculated for proposed approach in each neighboring size.
Figure 3 and 4 shows the results of experiment. The computing time and volume fractions of presented method are increased by the growing of neighborhood size. As is clear, the neighborhood with size 21*21, provides a proper balance between time and sum of (TPVF+ TNVF). For these reason we used this size of neighborhood to evaluate our method.
According to Table 4 and 5 the results of I-MRF are much better than conventional MRF in terms of accuracy and computing Time. The segmentation results of Conventional MRF have been shown in the row 4 of Table 6.
TABLE 4.
To evaluate the performance of the classifiers, Receiver operating characteristic (ROC) analysis also is performed. ROC is based on statistical decision theory and it has been applied widely to the evaluation of clinical performance. The area under the ROC curve is referred index. It is used as a measure of the classification performance. A higher AZ indicates better classification performance because a larger value of True Positive (TP) is achieved at each value of False Positive (FP). The value of AZ is 1.0 when the diagnostic detection has perfect performance, which means that TP rate is 100% and FP rate is 0%. The values of AZ have been shown in Table 2.
TABLE 2.
The ROC diagram is shown in the Figure 5.
5. CONCLUSION AND DISCUSSION
Markov Random field approaches are widely studied for medical image segmentation, especially in MR images. It is because this method can model intensity inhomogeneities occurring in these images. But this method has two critical weaknesses: Computational complexity and sensitivity of the results to the models parameters. To overcome these problems, in this paper, we propose a new Markov Random Filed method for breast lesion segmentation in MR images and illustrate its effectiveness.
This approach can produce better results compared to conventional MRF, in terms of accuracy and computing time because:
-
1-
In conventional MRF, the energy function is calculated only based on the labels of neighboring pixels that assigned randomly. But in our approach labeling each pixel is performed with high accuracy due to better characterization of neighborhoods.
-
2-
Although MRF models have provided good results by taking into account the spatial relationship between neighboring pixels, but its complexity is very high. The Improved-MRF eliminates the need to use iterative method and initializing that lead to high computational complexity.
Also we believe that the idea of using the ratio of two probability distribution of similar and non-similar pixels in a neighborhood may be contributive to other application such as Microcalcification segmentation in breast MR images, as well. In addition, The factor that influences the performance of proposed algorithm is the simple policy that has been used to determine similarity between central pixel and their neighboring pixels (Equation (10)).in fact we used an empirical threshold. If we use the better and more sophisticated policy in order to determine similarity between pixels, definitely we will get better results. In future work we intend to use the Gossip protocol for this purpose.
6. APPENDIX
The list of three categories (First order statistical parameters based on histogram, second order statistical parameters based on co-occurrence matrix, Run-Length Matrix) textural features have been used in this paper is given as follows:
Statistic:
Mean
Skewness
Absolute Deviation
Variance
Kurtosis
Standard Deviation
Co-occurrence Matrix:
Notation:
p(i,j): (i,j)-th entry in a normalized gray-tone spatial-dependence matrix.
px(i): is the i-th entry in the marginal-probability matrix obtained by summing the rows of p(i,j),=ΣNj=1p(i,j)
N: is the number of distinct gray levels in the equalized image.
-
Uniformity / Energy / Angular Second Moment:
ƒ1 = ΣiΣi(i,j)2
-
Contrast/Inertia:
-
Correlation
-
Variance:
ƒ4 = Σi(i–μx)2Px(i)
-
Homogeneity/Inverse difference moment
-
Sum Average
ƒ6 = Σ2Nn=2nPx+y(n)
-
Sum Variance
-
Sum Entropy
-
Entropy
-
Difference variance
ƒ10 = ΣN–1n=0(n–μx–y)2Px–y(n)
Where μx–y is the mean of Px–y
Where μx and σx are the mean and standard deviations Px, Respectively.
-
Difference entropy
-
Information measures of correlation (1)
-
Information measures of correlation (2)
Where Hxy = -ΣiΣjP(i,j)log (Px(i)Px(j))
-
Maximal correlation coefficient
Where Q(i,j) = Σk(P(i,k)P(j,k))/(Px(i)Px(k)).
Autocorrelation
Cluster Shade
Cluster Prominence
Maximum probability
Sum of Squares
Inverse difference
Inverse difference normalized (INN)
Inverse difference moment normalized (IDN)
Run-Length Matrix:
-
Short run emphasis:
-
Long run emphasis:
-
Gray level nonuniformity :
-
Run-length nonuniformity :
-
Run Percentage (RP)
-
Low Gray-Level Run Emphasis (LGRE):
-
High Gray-Level Run Emphasis (HGRE)
-
Short Run Low Gray-Level Emphasis (SRLGE)
-
Short Run High Gray-Level Emphasis (SRHGE)
-
Long Run Low Gray-Level Emphasis (LRLGE)
-
Long Run High Gray-Level Emphasis (LRHGE):
Nomenclature of Symbols and Acronym:
DCE-MRI : Dynamic contrast-enhanced magnetic resonance imaging
MRF: Markov Random Field
I-MRF: Improved-Markov Random Field
ICM: Iterative Conditional Mode
SA: Simulated Annealing
FGM: Finite Gaussian Mixture
GT: Ground Truth
TP: True positive
FP: False positive
FN: False negative
TN: True negative
VOR: volume overlap ratio
TPVF: Positive Volume Fraction
TNVF: True Negative Volume Fraction
FPVF: false positive volume fraction
FNVF: false negative volume fraction
ROC: Receiver operating characteristic
L: set of tissue type
I : set of pixel index
γ: set of Model Parameters
P(xi|l) : Probability distribution function
P (l) : Prior probability distribution
Z : normalizing constant
U(x) : Energy function
Vc : A clique potential
θl : Model parameters for tissue l
μ : Mean
σ : Variance
x : Random variable
Di : A neighborhood for each pixel xi
Dsimilar : set of similar pixels to the pixel xi
Dnon–similar: set of non-similar pixels to the pixel xi
di,j : Euclidean distance between pixel i ,j
∩: Logical AND
∪: Logical OR
AZ: area under the ROC curve
7. References
- 1.Kopans D. B. “The positive predictive value of mammography,”. AJR. American Journal of Roentgenology. 1992;158:521–6. doi: 10.2214/ajr.158.3.1310825. [DOI] [PubMed] [Google Scholar]
- 2.Saslow D, Boetes C, Burke W, Harms S, Leach M. O, Lehman C. D, Morris E, Pisano E, Schnall M, Sener S, Smith R. A, Warner E, Yaffe M, Andrews K. S, Russell C. A. “American Cancer Society guidelines for breast cancer screening with MRI as an adjunct to mam- mography,”. Ca-Cancer J. Clin. 2007;57:75–89. doi: 10.3322/canjclin.57.2.75. [DOI] [PubMed] [Google Scholar]
- 3.Boetes C, Mus R. D. M, Holland R, Barentsz J. O, Strijk S. P, Wobbes T, Hendriks J, Ruys S. H. J. “Breast-tumors— Comparative accuracy of MR-imaging relative to mammography and US for demon- strating extent,”. Radiology. 1995;197:743–7479. doi: 10.1148/radiology.197.3.7480749. [DOI] [PubMed] [Google Scholar]
- 4.Esserman L, Hylton N, Yassa L, Barclay J, Frankel S, Sickles E. “Utility of magnetic resonance imaging in the management of breast can- cer: Evidence for improved preoperative staging, ”. J. Clin. Oncol. 1999;17:110–119. doi: 10.1200/JCO.1999.17.1.110. [DOI] [PubMed] [Google Scholar]
- 5.Malur S, Wurdinger S, Moritz A, Michels W, Schneider A. “Com- parison of written reports of mammography, sonography and magnetic resonance mammography for preoperative evaluation of breast lesions, with special emphasis on magnetic resonance mammography,”. Breast Cancer Res. 2001;3:55–60. doi: 10.1186/bcr271. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 6.Oliver A, Freixent J, Marti J, Perez E, Pont J, Denton E. R. E. A review of automatic mass detection and segmentation in mammographic images. Med. Imag. Anal. 2010;14:87–110. doi: 10.1016/j.media.2009.12.005. [DOI] [PubMed] [Google Scholar]
- 7.Behrens S, Laue H, Althaus M, Boehler T, Kuemmerlen B, Hahn H. K, Peitgen H.-O. Computer assistance for MR based diagnosis of breast cancer: present and future challenges. Computerized Medical Imaging and Graphics. 2007;31(4-5):236–247. doi: 10.1016/j.compmedimag.2007.02.007. [DOI] [PubMed] [Google Scholar]
- 8.Eltonsy N. H, Tourassi G. D, Elmaghraby A. S. “A concentric morphology model for the detection of masses in mammography ,” in proc. IEEE Trans. Med. Imag. 2007;26:880. doi: 10.1109/TMI.2007.895460. [DOI] [PubMed] [Google Scholar]
- 9.Zhang H, Foo SW. “Computer aided detection of breast masses from digitized mammograms,” in proc. IEICE Trans. Inform. Syst. E89D. 2006;6:1955–1961. [Google Scholar]
- 10.Mukesh K, Kamal KM. ” A Texture based Tumor detection and automatic Segmentation using Seeded Region Growing Method”. IJCTA. 2011;2(4):855–859. [Google Scholar]
- 11.Shi J, Sahiner B, Chan H. P, Ge J, Hadjiisk L, Helvie M. A, Nees A, Wu Y. T, Wei J, Zhou C, Zhang Y, Cui J. “Characterization of mammographic masses based on level set segmentation with new image features and patient information,”. Med. Phys. 2008;35:280–290. doi: 10.1118/1.2820630. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 12.Shanon CA, Jun X, Mark R, Sudha K, Sarah E, Anant M. ” Spectral Embedding based Active Contour (SEAC): Application to Breast Lesion Segmentation on DCE-MRI”. Medical Imaging , Proc. Of SPIE. 2011;7963 [Google Scholar]
- 13.Lucht R, Delorme S, Brix G. “Neural network-based segmentation of dynamic MR mammographic images, ” in proc. Magn Reson Imaging. 2002;20:147–54. doi: 10.1016/s0730-725x(02)00464-2. [DOI] [PubMed] [Google Scholar]
- 14.Ertaş G, Gülçür H. Ö, sman O. O, Uçan O. N, Tunaci M, Dursun M. “Breast MR segmentation and lesion detection with cellular neural networks and 3D template matching, ” in proc. Computers in Biology andMedicine. 2008;38(1):116–126. doi: 10.1016/j.compbiomed.2007.08.001. [DOI] [PubMed] [Google Scholar]
- 15.Yao J, Chen J, Chow C. “Breast Tumor Analysis in Dynamic Contrast Enhanced MRI Using Texture Features and Wavelet Transform,”. IEEE Journal of Selected Topics in Signal Processing. 2009;3(1):94–100. [Google Scholar]
- 16.Chen W, Giger ML, Bick U. “A fuzzy c-means (FCM)-based approach for computerized segmentation of breast lesions in dynamic contrast-enhanced MR images, ”. Acad Radiol. 2006;13:63–72. doi: 10.1016/j.acra.2005.08.035. [DOI] [PubMed] [Google Scholar]
- 17.Gallego C, Martel LA. “Automatic model-based 3D segmentation of the breast in MRI”. in Medical Imaging, Proc.SPIE. 2011;7962:796215–796215-8. [Google Scholar]
- 18.Geman S, Geman D. “Stochastic relaxation, Gibbs distribution and the Bayesian restoration of images,”. IEEE Trans. Pattern Anal. Mach. Intell. 1984 Jun;6(6):721–741. doi: 10.1109/tpami.1984.4767596. [DOI] [PubMed] [Google Scholar]
- 19.Besag J. “On the statistical analysis of dirty pictures,”. J. Roy. Statist. Soc. B. 1986;48:259–302. [Google Scholar]
- 20.Nie J, Xue Z, Young G. S, Setayesh K, Gue L, Wong S. T. C. “Automated brain tumor segmentation using spatial accuracy-weighted hidden Markov Random Field,”. Computerized Medical Imaging and Graphics. 2009 Sep;33:431–441. doi: 10.1016/j.compmedimag.2009.04.006. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Gibbs P, Turnbull L. W. “Textural analysis of contrast-enhanced MR images of the breast, ”. Magn. Reson. Med. 2003;50:92–98. doi: 10.1002/mrm.10496. [DOI] [PubMed] [Google Scholar]
- 22.Rajapakse JC, Giedd JN, Rapoport JL. “Statistical approach to segmentation of single-channel Cerebral MR images,”. IEEE T. Med. Imag. 1997;16:176–186. doi: 10.1109/42.563663. [DOI] [PubMed] [Google Scholar]
- 23.Held K, Kops ER, Krause BJ, Wells WM, Kikinis R, et al. “Markov random field segmentation of brain MR images, ”. IEEE T. Med. Imag. 1997;16(6) doi: 10.1109/42.650883. [DOI] [PubMed] [Google Scholar]
- 24.Goldszal A.F, Davatzikos C, Pham D.L, Yan M.X.H, Bryan R.N, Resnick S.M. “An image Processing system for qualitative and quantitative volumetric analysis of brain images. Journal of Computer Assisted Tomography, ” 1998. 1998;22:827–837. doi: 10.1097/00004728-199809000-00030. [DOI] [PubMed] [Google Scholar]
- 25.Pappas T.N. “An adaptive clustering algorithm for image segmentation, ”. IEEE T. Signal Process. 1992;40:901–914. [Google Scholar]
- 26.Besag J. “On the statistical analysis of dirty pictures, ”. CVGIP: Im. Understand. 1986;57:359–372. [Google Scholar]
- 27.Geman S, Geman D. “Stochastic relaxation, Gibbs distrutions, and the Bayesian restoration of images, ” in proc. IEEE T. Patt. Anal. Mach. Intel., PAMI. 1984;6:721–741. doi: 10.1109/tpami.1984.4767596. [DOI] [PubMed] [Google Scholar]
- 28.Zhang Y, Brady M, Smith S. “Segmentation of brain MR images through a hidden Markov random field model and the expectation maximization algorithm,”. IEEE Transactions on Medical.Imaging. 2001;20(1):45–57. doi: 10.1109/42.906424. [DOI] [PubMed] [Google Scholar]
- 29.Besag J. ” Spatial interaction and the statistical analysis of lattice systems”. Journal of the Royal Statistical Society Bvol. 1974;36:192–225. [Google Scholar]
- 30.Cuadra M. B, Platel B, Solanas E, Butz T, Thiran J. -Ph. “Validation of tissue modelization and classification techniques in T1-weighted MR brain images,”. MICCAI. 2002:290–297. [Google Scholar]
- 31.Chen W, et al. “Computerized interpretation of breast MRI: Investi- gation of enhancement-variance dynamics, ”. Med. Phys. 2004;31(5):1076–1082. doi: 10.1118/1.1695652. [DOI] [PubMed] [Google Scholar]
- 32.Zheng Y, et al. “STEP: Spatial-temporal enhancement pattern, for MR-Based breast tumor diagnosis, ” in Proc. ISBI, Arlington, VA. 2007 [Google Scholar]
- 33.Tourassi GD. Journey toward computer-aided diagnosis: role of image texture analysis. Radiology. 1999;213:317–320. doi: 10.1148/radiology.213.2.r99nv49317. [DOI] [PubMed] [Google Scholar]
- 34.Li L, Mao F, Qian W, Clarke L. P. “Wavelet transform for directional feature extraction in medical imaging”, in Proc. Int. Conf. Image Processing, IEEE. 1997;3:500–503. [Google Scholar]
- 35.Haralick R, Shanmugam K, Dinstein I. “Texture features for image classification, ”. IEEE Trans. Syst., Man, Cybern. 1973;SMC-3(6):610–621. [Google Scholar]
- 36.Galloway M. M. “Texture analysis using gray level run lengths, ”. Comput. Vis. Graph. 1975;4:172–179. [Google Scholar]
- 37.Cui YF. “Malignant lesion segmentation in contrast-enhanced breast MR images based on the marker-controlled watershed, ” in Proc. Med Phys. 2009;36:4359–4369. doi: 10.1118/1.3213514. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 38.Fan X, Yang J, Cheng L. “A novel segmentation method for MR brain images based on fuzzy connectedness and FCM, ” in Proc. Lecture Notes in Computer Science. 2005;3613:505–513. [Google Scholar]