An automatic restoration framework based on GPU-accelerated collateral filtering in brain MR images
- 118 Downloads
Abstract
Background
Image restoration is one of the fundamental and essential tasks within image processing. In medical imaging, developing an effective algorithm that can automatically remove random noise in brain magnetic resonance (MR) images is challenging. The collateral filter has been shown a more powerful algorithm than many existing methods. However, the computation of the collateral filter is more time-consuming and the selection of the filter parameters is also laborious. This paper proposes an automatic noise removal system based on the accelerated collateral filter for brain MR images.
Methods
To solve these problems, we first accelerated the collateral filter with parallel computing using the graphics processing unit (GPU) architecture. We adopted the compute unified device architecture (CUDA), an application programming interface for the GPU by NVIDIA, to hasten the computation. Subsequently, the optimal filter parameters were selected and the automation was achieved by artificial neural networks. Specifically, an artificial neural network system associated with image feature analysis was adopted to establish the automatic image restoration framework. The best feature combination was selected by the paired t-test and the sequential forward floating selection (SFFS) methods.
Results
Experimental results indicated that not only did the proposed automatic image restoration algorithm perform dramatically faster than the traditional collateral filter, but it also effectively removed the noise in a wide variety of brain MR images. A speed up gain of 34 was attained to process an MR image, which completed within 0.1 s. Representative illustrations of brain tumor images demonstrated the capability of identifying lesion boundaries, which outperformed many existing methods.
Conclusions
We believe that our accelerated and automated restoration framework is promising for achieving robust filtering in many brain MR image restoration applications.
Keywords
Collateral filter GPU Parallel computing Image feature Neural networks MRIAbbreviations
- ADF
Anisotropic diffusion filter
- BPN
Propagation neural network
- CPU
Central processing unit
- CUDA
Compute unified device architecture
- GLCM
Gray-level co-occurrence matrix
- GLN
Gray level nonuniformity
- GLRLM
Gray-level run-length matrix
- GM
Gray matter
- GPGPU
General purpose computation on GPU
- GPU
Graphics processing unit
- HGRE
High gray-level run emphasis
- IBF
Iterative bilateral filtering
- LGRE
Low gray-level run emphasis
- LMMSE
Linear minimum mean square error
- LOG
Laplacian of Gaussian
- LRE
Long run emphasis
- LRHGE
Long run high gray-level emphasis
- LRLGE
Long run low gray-level emphasis
- MRI
Magnetic resonance imaging
- MS
Multiple sclerosis
- PSNR
Peak signal-to-noise ratio
- RLN
Run length nonuniformity
- RP
Run percentage
- SD
Standard deviation
- SFFS
Sequential forward floating selection
- SM
Shared memory
- SRE
Short run emphasis
- SRHGE
Short run high gray-level emphasis
- SRLGE
Short run low gray-level emphasis
- SSIM
Structural similarity
- WM
White matter
Background
Since its invention in the 1970s, magnetic resonance imaging (MRI) has been an important imaging technique for noninvasive diagnosis of the human body. The applications of MRI in the brain result in diversified images for further processes such as tissue classification, segmentation and registration [1, 2, 3]. However, the random noise in MRI scanners inevitably causes deterioration of brain MR images [4]. Consequently, noise removal has become a crucial issue in brain MR image post-processing [5]. The Gaussian filter has been extensively adopted in many image processing applications for its simplicity. However, anatomical boundaries are inevitably blurred by this lowpass filter. In addition to the Gaussian filter, one of the well-known techniques for noise removal has been the bilateral filter, which was originally proposed by Tomasi and Manduci [6]. It has been widely utilized in many medical image denoising applications for decades. The bilateral filter is an effective filtering algorithm that can both remove the random noise and preserve edges rather than blurring the lines in images. An iterative version of the bilateral filter for MR image restoration was recently introduced [7].
One remarkable technique of using statistics strategies is the linear minimum mean squared error (LMMSE) estimator [8], which computes the local mean, the local variance, and the local mean square value of the input image. Another famous method is the anisotropic diffusion filter (ADF) [9], in which pixel intensities are averaged from neighbors in a prescribed window, whose dimension and shape are measured at every location. An appropriate function of the image gradient is constructed in accordance with the diffusion coefficient to encourage filtering within a region of interest in preference not to filtering across the boundaries. It is noted that the quality of the denoised image is greatly relevant to the number of iterations. Subsequently, Ferrari [10] proposed a mathematical framework to automatically determine the best number of iterations of the ADF method by utilizing the maximization of some evaluation index. Nevertheless, it has been adopted in many medical image restoration applications [11].
In contrast to many methods that mainly reply on local pixels within a small neighbourhood, the non-local means (NLM) filter detects repeated structures in the global domain [12]. The similarity between pixels is region-based comparison in that pixels far from the kernel center are not penalized due to the distance to the center. Based on an enhanced sparse representation in the transform domain, the block-matching and 3D filtering (BM3D) strategy [13] extended the nonlocal filtering techniques. The enhancement of the sparsity is accomplished by aggregating similar 2D fragments of the image into 3D arrays. Subsequently, the Wiener filter is employed in the collaborative filtering procedure to remove noise.
Motivated by the bilateral filter, the collateral filter [14] was recently proposed that introduced a median filter and an entropy function to the filtering framework. The median filter compensated the Gaussian filter for random noise reduction. It has been shown that the collateral filter is more powerful than the Gaussian filtering, bilateral filtering, and ADF methods in many scenarios [14]. However, comparing to these two filters, the collateral filter is more complicated and time consuming. A contemporary technique called the tensor processing unit (TPU) has shown its excellent computation and energy efficiency over existing frameworks [15]. However, this domain specific architecture is exclusively deployed in Google data centers. One realistic approach to speed up the denoising procedure is through the parallel programming using the compute unified device architecture (CUDA) [16, 17] with the graphics processing unit (GPU).
A GPU is a specialized processor that accelerates graphic operations on personal computers, workstations, and mobile devices. The GPU has more processor cores than a traditional central processing unit (CPU) and each core can process data simultaneously. Therefore, the GPU is well suited to handle tasks that can be parallelized. For example, GPU-based acceleration has been shown effective in segmentation and classification applications [18, 19]. Additionally, CUDA is a programming platform developed by NVIDIA for general purpose computation on GPU (GPGPU) on NVIDIA GPUs [20]. Many of NVIDIA graphics cards support CUDA (e.g., GeForce, Quadro, and Tesla). With CUDA, programmers can manage memory on the CPU as well as the GPU from the host. Once memory spaces on both host and device sides are allocated and data are transferred, the program can launch kernels for execution on the device.
A kernel is a function that can be called from the host and executed on the device. Programmers can design the code in the kernel function for parallel computing. The kernel function defines the operations for a single thread and thousands of threads execute the function code synchronously. A thread is the basic execution unit for parallel computing. After the thread completes its task in the kernel function, the data are transferred back to the host.
Based on the GPU architecture, one pixel in an image can be handled by one thread and thousands of threads can run synchronously. Each thread can access data from different types of memories such as local, global and shared memory. While local memory belongs to one specific thread, global memory is shared by all threads. Indeed, local memory is part of global memory and both is slower than shared memory. Threads are organized in blocks and a grid is a group of blocks. Each block has its shared memory that can be accessed by its own threads. Although shared memory’s size is smaller than global memory, the access time of shared memory is faster like cache [21].
The objective of this paper is two-fold. First, to accelerate the computation of the collateral filter through the adoption of the CUDA strategy. Second, to automate the collateral filtering process by the aid of image texture features associated with artificial neural networks [22]. We will show that a fast and automatic denoising system based on CUDA-based collateral filtering provides robust and accurate restoration results over many existing denoising methods.
Methods
CUDA-based collateral filtering
We then compute all the spatial weights and store them in this memory buffer WSB according to the filter radius N. Let WSB(x, y) be an element of WSB, (2) can be expressed as WSB(μx − θx, μy − θy).
Pseudo code of the GPU-accelerated collateral filter
Feature extraction
Although the execution time of the traditional collateral filter is hastened using the GPU strategy, it is still laborious to manually adjust the parameters for achieving the best restoration results in a particular brain MR image. Using an artificial neural network system is suitable as it can learn to estimate the optimal parameters in the filtering process. However, neural networks require appropriate input features to obtain the best performance of the predictable model. In our experience, image texture features play an important role in the neural network automation process. The candidate image texture features adopted in this study are described as follows.
Statistical features
There are several basic statistical features that are computed directly from the image intensity: mean intensity (Mean), standard deviation (SD), variance (VAR), entropy (ENT), and histogram features (skewness, kurtosis, variance, entropy and energy).
Gray-level co-occurrence matrix (GLCM)
- (1)
Standard deviations in the i-direction (SDi)
- (2)
Standard deviations in the j-direction (SDj)
- (3)
Energy or angular second moment (ASM)
- (4)
Contrast (CON)
- (5)
Dissimilarity (DIS)
- (6)
Homogeneity (HOM)
- (7)
Entropy (ENT)
- (8)
Correlation (COR)
Gray-level run-length matrix (GLRLM)
- (1)
Short run emphasis (SRE)
- (2)
Long run emphasis (LRE)
- (3)
Gray level nonuniformity (GLN)
- (4)
Run length nonuniformity (RLN)
- (5)
Run percentage (RP)
- (6)
Low gray-level run emphasis (LGRE)
- (7)
High gray-level run emphasis (HGRE)
- (8)
Short run low gray-level emphasis (SRLGE)
- (9)
Short run high gray-level emphasis (SRHGE)
- (10)
Long run low gray-level emphasis (LRLGE)
- (11)
Long run high gray-level emphasis (LRHGE)
Tamura texture features
- (1)
Coarseness (CRS)
- (2)
Contrast (CON)
- (3)
Directionality (DIR)
Their formulas are briefly provided in Additional file 1.
Noise estimation features
- (1)
Laplacian mask (LAP)
- (2)
Laplacian of Gaussian (LOG)
- (3)
A generic transfer function with Laplacian (GTFLAP)
- (4)
Maximum value of some local distribution (AJA)
- (5)
A least square fitting of the Rayleigh distribution with the histogram background (BRUM)
- (6)
Maximum likelihood function (SIJ)
- (7)
Autocorrelation function (ACF)
Feature selection
If a large amount of features are selected as the input arguments, the training of neural networks will be an extremely time-consuming procedure. Consequently, we utilize the sequential forward floating selection (SFFS) method [34] to choose the best combination of features. Before applying the SFFS, we make use of the paired-samples t-test [35, 36] to rank the significance of candidate features. The t-test is applied to each image feature to evaluate the ability for discriminating differences between noise levels, which results in an average p-value. The smaller the p-value, the better the discrimination. Statistically, those features with an average p < 0.05 are selected as candidates for the SFFS process.
Neural networks
Flowchart of the proposed restoration framework with automatic parameter decision
Performance evaluation
Results
We first conducted the experiments on the BrainWeb database [40] as it contains simulated brain MR image data based on normal and multiple sclerosis (MS) models with different thicknesses, noise levels and intensity non-uniformities. Clinical image data were acquired from the medical image database in the Division of Interventional Neuro Radiology, Department of Radiology, UCLA, Los Angeles, CA, USA. For efficiency tests, the experiments were performed on an Intel® Xeon(R) CPU E5–2620 v3 2.40GHz equipped with a Tesla K40c GPU. Tesla K40c is one NVIDIA’s GPU based on the NVIDIA’s Kepler architecture. The Tesla K40c GPU contains 15 multiprocessors and each multiprocessor contains 192 cores, which results in 2880 cores. Its memory size is 12 GB and the maximum bandwidth is 288 (GB/sec). Each block has 65,536 registers with 48 KB shared memory and the maximum number of threads is 1024. The CUDA driver version is 7.5. The algorithm was implemented and programmed in MATLAB 2017a (The MathWorks Inc. Natick, MA, USA) associated with C for CUDA-based acceleration.
Execution time of the CPU-based and GPU-based collateral filters
Image number | CPU (s) | GPU without SM (s) | GPU with SM (s) | Speed up |
---|---|---|---|---|
1 | 0.63 | 0.14 | 0.018 | 34 |
10 | 6.06 | 0.16 | 0.027 | 224 |
100 | 58.78 | 0.24 | 0.108 | 541 |
500 | 260.52 | 0.59 | 0.425 | 612 |
1000 | 512.38 | 1.05 | 0.871 | 588 |
Plots of the running times of the CPU-based and the GPU-based with shared memory collateral filters
Paired-samples t-test results based on the average p-value with p < 0.05
No. | Feature | p-value | No. | Feature | p-value |
---|---|---|---|---|---|
1 | BRUM | 0.019017 | 15 | AJA | 0.038044 |
2 | SIJ | 0.020022 | 16 | GLN(45°) | 0.038485 |
3 | SRLGE(90°) | 0.021380 | 17 | RP(45°) | 0.040108 |
4 | GTFLAP | 0.022898 | 18 | RP(135°) | 0.040233 |
5 | SRLGE(45°) | 0.023014 | 19 | LGRE(0°) | 0.041105 |
6 | SRLGE(0°) | 0.028114 | 20 | LGRE(90°) | 0.041233 |
7 | SRLGE(135°) | 0.028445 | 21 | RLN(135°) | 0.042278 |
8 | RLN(90°) | 0.030137 | 22 | SIJ | 0.043803 |
9 | GLN(0°) | 0.032553 | 23 | LAP | 0.044592 |
10 | RP(0°) | 0.032900 | 24 | LGRE(135°) | 0.045512 |
11 | RP(90°) | 0.033309 | 25 | GLN(135°) | 0.046477 |
12 | GLN(90°) | 0.033748 | 26 | RLN(45°) | 0.046907 |
13 | RLN(0°) | 0.034005 | 27 | ACF | 0.048627 |
14 | con | 0.035178 | 28 | LOG | 0.049145 |
Restoration result analyses of the proposed GPU-based collateral filter on different slices
Slice | 7 | 14 | 17 | 20 | 23 | |
---|---|---|---|---|---|---|
Noise | ||||||
5% | PSNRA | 33.066 | 34.131 | 34.156 | 33.836 | 34.736 |
PSNRT | 33.229 | 34.145 | 34.157 | 33.855 | 34.758 | |
εr(%) | 0.4891 | 0.0395 | 0.0031 | 0.0575 | 0.0621 | |
7% | PSNRA | 31.278 | 31.728 | 31.956 | 32.015 | 32.613 |
PSNRT | 31.355 | 31.837 | 31.960 | 32.028 | 32.658 | |
εr(%) | 0.2453 | 0.3430 | 0.0117 | 0.0415 | 0.1377 |
Comparison of visual restoration results on slice 10 with 5% noise in the 5 mm MS dataset. a Noisy MR image. b Intact image in magnified view. c IBF with PSNR = 32.49 and SSIM = 0.8650. d ADF with PSNR = 33.61 and SSIM = 0.8684. e LMMSE with PSNR = 32.53 and SSIM = 0.8657. f NLM with PSNR = 32.53 and SSIM = 0.8800. g BM3D with PSNR = 32.49 and SSIM = 0.8997. h Proposed with PSNR = 34.32 and SSIM = 0.8803
Comparison of visual restoration results on slice 26 with 7% noise in the 3 mm MS dataset. a Noisy MR image. b Intact image in magnified view. c IBF with PSNR = 28.87 and SSIM = 0.7981. d ADF with PSNR = 31.41 and SSIM = 0.8133. e LMMSE with PSNR = 29.08 and SSIM = 0.8016. f NLM with PSNR = 31.74 and SSIM = 0.8406. g BM3D with PSNR = 31.78 and SSIM = 0.8367. h Proposed with PSNR = 31.95 and SSIM = 0.8479
Qualitative analyses on the restoration results of the 1 mm normal image dataset with 9% noise and 40% intensity non-uniformity in 3D visualization. a Noisy image volume. b Intact image volume. c ADF. d LMMSE. e IBF. f Proposed
Quantitative analyses on the restoration results of the 1 mm image data in terms of average PSNR and SSIM scores using different methods
Type | Noise | LMMSE | IBF | Proposed | |||
---|---|---|---|---|---|---|---|
PSNR | SSIM | PSNR | SSIM | PSNR | SSIM | ||
Normal | 1% | 34.97 | 0.8513 | 38.04 | 0.9766 | 39.17 | 0.9816 |
3% | 33.34 | 0.8626 | 33.28 | 0.8924 | 34.79 | 0.9027 | |
5% | 30.65 | 0.8042 | 30.51 | 0.8239 | 32.42 | 0.8538 | |
7% | 28.65 | 0.7535 | 28.60 | 0.7711 | 30.53 | 0.7959 | |
9% | 27.03 | 0.7127 | 27.04 | 0.7309 | 29.13 | 0.7585 | |
MS | 1% | 35.09 | 0.8512 | 38.16 | 0.9767 | 39.29 | 0.9830 |
3% | 33.48 | 0.8628 | 33.40 | 0.8928 | 34.87 | 0.9006 | |
5% | 30.79 | 0.8046 | 30.64 | 0.8244 | 32.51 | 0.8540 | |
7% | 28.79 | 0.7541 | 28.73 | 0.7715 | 30.62 | 0.7958 | |
9% | 27.17 | 0.7135 | 27.16 | 0.7315 | 29.21 | 0.7587 |
Comparison of the restoration of clinical T1-weighted MR images with brain tumors. a Input MR image. b Input image in magnified view. c IBF. d ADF. e LMMSE. f NLM. g BM3D. h Proposed
Comparison of the restoration of distorted PD-weighted MR images with brain tumors. a Input MR image. b Input image in magnified view. c IBF. d ADF. e LMMSE. f NLM. g BM3D. h Proposed
Comparison of the restoration of noisy MR images with low resolution. a Input MR image. b Input image in magnified view. c IBF. d ADF. e LMMSE. f NLM. g BM3D. h Proposed
Discussion
Stimulated by the recent advance in artificial intelligence and parallel computing, we have developed an efficient filtering framework for brain MR images. An essential property of the proposed automatic restoration algorithm is the two-stage mechanism of the neural network concatenation. A benefit of this strategy is to divide the broad noise range into three narrower classes corresponding to three individual BPN models, where the prediction of the filter parameters can be further clarified. To correlate the image with the BPN models for automation, a wide variety of image texture features were investigated based on the SFFS strategy, from which five best texture features were obtained. Three features of RLN(0°), RP(135°), and RP(90°) belong to the GLRLM category, AJA is one of the noise estimation features, and kurtosis makes use of the histogram information. These five features play an essential role in the effective discrimination between images with different noise levels, anatomical structures, and intensity non-uniformities.
A variety of T1-weighted brain MR images acquired from the BrainWeb database [40] with various scenarios were utilized in the proposed BPN models to obtain the optimal filter parameters. Due to the facility limitations, other MR modalities such as T2-weighted and PD-weighted images were not included in the training dataset in the current study. From the viewpoint of the clinical demand, the proposed automatic filter adequately restored various brain MR images with distinct anatomical structures and modalities such as PD-weighted images (see Figs. 7, 8, 9), which were quite different from the training BrainWeb dataset. This suggested the propriety of the proposed automation strategy and the robustness of the developed restoration scheme. Nevertheless, to achieve optimal restoration results on massive T2-weighted and PD-weighted brain images, retraining involving these types of images is recommended.
Conclusions
We have described an automatic image restoration algorithm based on the accelerated collateral filter that has been implemented on the GPU architecture. The proposed framework reduced the execution time of the filtering process by taking advantage of shared memory in CUDA to decrease memory access latency. This new denoising system fully automated the restoration procedure for brain MR images without the need of adjusting the filter parameters. Experimental results indicated that the proposed automatic restoration framework effectively removed noise in various brain MR images with satisfactory quantity and quality. We also demonstrated its great capability of improving the clinical MR image quality and delineating the tumor boundary that outperformed other tested methods. We believe that our automatic filtering framework is of potential and able to provide a fast and powerful solution in a wide variety of medical image restoration applications.
Notes
Funding
This work was supported by the Ministry of Science and Technology of Taiwan under Grant No. MOST 106–2221-E-002-082. The funder played no role in the design of the study and collection, analysis, and interpretation of data and in writing the manuscript.
Availability of data and materials
BrainWeb data are fully available without restriction. Due to patient privacy protection, clinical data used for the current study are available from the corresponding author on reasonable request.
Authors’ contributions
HC conceived the research, designed the algorithm, analyzed the results, and wrote the manuscript. CL implemented the algorithm, executed the experiments, and contributed to the paper writing. All authors read and approved the final manuscript.
Ethics approval and consent to participate
Clinical images in this article were acquired from the medical image database in the Division of Interventional Neuro Radiology, Department of Radiology, University of California at Los Angeles (UCLA) and are subject to an approved Human Research Subject Protection Protocol.
Consent for publication
Not applicable.
Competing interests
The authors declare that they have no competing interests.
Publisher’s Note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Supplementary material
References
- 1.Van Leemput K, Maes F, Vandermeulen D, Suetens P. Automated model-based tissue classification of MR images of the brain. Medical Imaging, IEEE Transactions on. 1999;18(10):897–908.CrossRefGoogle Scholar
- 2.Pelizzari CA, Chen GT, Spelbring DR, Weichselbaum RR, Chen C-T. Accurate three-dimensional registration of CT, PET, and/or MR images of the brain. J Comput Assist Tomogr. 1989;13(1):20–6.CrossRefGoogle Scholar
- 3.Shahid MLUR, Chitiboi T, Ivanovska T, Molchanov V, Völzke H, Linsen L. Automatic MRI segmentation of Para-pharyngeal fat pads using interactive visual feature space analysis for classification. BMC Med Imaging. 2017;17(1):15.CrossRefGoogle Scholar
- 4.Macovski A. Noise in MRI. Magn Reson Med. 1996;36(3):494–7.CrossRefGoogle Scholar
- 5.Zheng H, Qu X, Bai Z, Liu Y, Guo D, Dong J, Peng X, Chen Z. Multi-contrast brain magnetic resonance image super-resolution using the local weight similarity. BMC Med Imaging. 2017;17(1):6.CrossRefGoogle Scholar
- 6.Tomasi C, Manduchi R. Bilateral filtering for gray and color images. IEEE Proc Int Conf Comput Vis. 1998:839–46.Google Scholar
- 7.Riji R, Rajan J, Sijbers J, Nair MS. Iterative bilateral filter for Rician noise reduction in MR images. SIViP. 2015;9(7):1543–8.CrossRefGoogle Scholar
- 8.Aja-Fernandez S, Alberola-Lopez C, Westin CF. Noise and signal estimation in magnitude MRI and Rician distributed images: a LMMSE approach. Image Processing, IEEE Transactions on. 2008;17(8):1383–98.CrossRefGoogle Scholar
- 9.Perona P, Malik J. Scale-space and edge detection using anisotropic diffusion. IEEE Trans Pattern Anal Machine Intell. 1990;12(7):629–39.CrossRefGoogle Scholar
- 10.Ferrari R. Off-line determination of the optimal number of iterations of the robust anisotropic diffusion filter applied to denoising of brain MR images. Med Biol Eng Comput. 2013;51(1–2):71–88.CrossRefGoogle Scholar
- 11.Tricot B, Descoteaux M, Dumont M, Chagnon F, Tremblay L, Carpentier A, Lesur O, Lepage M, Lalande A. Improving the evaluation of cardiac function in rats at 7T with denoising filters: a comparison study. BMC Med Imaging. 2017;17(1):62.CrossRefGoogle Scholar
- 12.Manjón JV, Carbonell-Caballero J, Lull JJ, García-Martí G, Martí-Bonmatí L, Robles M. MRI denoising using non-local means. Med Image Anal. 2008;12(4):514–23.CrossRefGoogle Scholar
- 13.Dabov K, Foi A, Katkovnik V, Egiazarian K. Image Denoising by sparse 3-D transform-domain collaborative filtering. IEEE Trans Image Process. 2007;16(8):2080–95.CrossRefGoogle Scholar
- 14.Chang H-H, Chu W-C. Collateral filtering of magnetic resonance images. In: Biomedical Imaging: From Nano to Macro, 2010 IEEE International Symposium on: 2010. Rotterdam: IEEE; 2010. p. 728–31.Google Scholar
- 15.Jouppi N, Young C, Patil N, Patterson D. Motivation for and evaluation of the first tensor processing unit. IEEE Micro. 2018;38(3):10–9.CrossRefGoogle Scholar
- 16.CUDA ZONE [http://www.nvidia.com/cuda]. Accessed 24 May 2017.
- 17.Li C-Y, Chang H-H. CUDA-based acceleration of collateral filtering in brain MR images. In: Eighth International Conference on Graphic and Image Processing. vol. 2017. Tokyo: SPIE; 2017. p. 5.Google Scholar
- 18.Wang S-H, Sun J, Phillips P, Zhao G, Zhang Y-D. Polarimetric synthetic aperture radar image segmentation by convolutional neural network using graphical processing units. J Real-Time Image Proc. 2018;15(3):631–42.CrossRefGoogle Scholar
- 19.Zhang Y-D, Muhammad K, Tang C. Twelve-layer deep convolutional neural network with stochastic pooling for tea category classification on GPU platform. Multimed Tools Appl. 2018;77(17):22821–39.CrossRefGoogle Scholar
- 20.Kirk D. NVIDIA CUDA software and GPU parallel computing architecture. ISMM. 2007;2007:103–4.CrossRefGoogle Scholar
- 21.Nickolls J, Buck I, Garland M, Skadron K. Scalable parallel programming with CUDA. Queue. 2008;6(2):40–53.CrossRefGoogle Scholar
- 22.Frosio I, Egiazarian K, Pulli K: Machine learning for adaptive bilateral filtering. In: Image Processing: Algorithms and Systems XIII: 2015; 2015: 939908–939908–939912.Google Scholar
- 23.Chaudhury KN, Sage D, Unser M. Fast bilateral filtering using trigonometric range kernels. Image Processing, IEEE Transactions on. 2011;20(12):3376–82.CrossRefGoogle Scholar
- 24.Yang Q, Tan K-H, Ahuja N. Real-time O (1) bilateral filtering. In: Computer Vision and Pattern Recognition, 2009 CVPR 2009 IEEE Conference on: 2009. Miami Beach, FL: IEEE; 2009. p. 557–564.Google Scholar
- 25.Haralick RM, Shanmugam K, Dinstein IH. Textural features for image classification. Systems, Man and Cybernetics, IEEE Transactions on. 1973;(6):610–21.Google Scholar
- 26.George LE, Mohammed EZ. Tissues image retrieval system based on co-occuerrence, run length and roughness features. In: Computer medical applications (ICCMA), 2013 international conference on: 20–22 Jan. 2013 2013; 2013. p. 1–6.Google Scholar
- 27.Sompong C, Wongthanavasu S. MRI brain tumor segmentation using GLCM cellular automata-based texture feature. In: Computer science and engineering conference (ICSEC), 2014 international: July 30 2014-Aug. 1 2014 2014; 2014. p. 192–7.Google Scholar
- 28.Galloway MM. Texture analysis using gray level run lengths. Computer graphics and image processing. 1975;4(2):172–9.CrossRefGoogle Scholar
- 29.Tamura H, Mori S, Yamawaki T. Textural features corresponding to visual perception. Systems, Man and Cybernetics, IEEE Transactions on. 1978;8(6):460–73.CrossRefGoogle Scholar
- 30.Immerkaer J. Fast noise variance estimation. Comput Vis Image Underst. 1996;64(2):300–2.CrossRefGoogle Scholar
- 31.Kutty K, Ojha S. A generic transfer function based technique for estimating noise from images. Int. J. Comput. Appl. 2012;51(10).Google Scholar
- 32.Aja-Fernández S, Tristán-Vega A, Alberola-López C. Noise estimation in single-and multiple-coil magnetic resonance data based on statistical models. Magn Reson Imaging. 2009;27(10):1397–409.CrossRefGoogle Scholar
- 33.Sim K, Lai M, Tso C, Teo C. Single image signal-to-noise ratio estimation for magnetic resonance images. J Med Syst. 2011;35(1):39–48.CrossRefGoogle Scholar
- 34.Pudil P, Novovičová J, Kittler J. Floating search methods in feature selection. Pattern Recogn Lett. 1994;15(11):1119–25.CrossRefGoogle Scholar
- 35.Fisher RA, Genetiker S, Genetician S, Britain G, Généticien S. Statistical methods for research workers, vol. In: 14: Oliver and Boyd Edinburgh; 1970.Google Scholar
- 36.Student. The probable error of a mean. Biometrika. 1908:1–25.Google Scholar
- 37.McClelland JL, Rumelhart DE, Group PR. Parallel distributed processing. Explorations in the microstructure of cognition. 1986;2.Google Scholar
- 38.Marquardt DW. An algorithm for least-squares estimation of nonlinear parameters. J. Soc. Ind. Appl. Math. 1963;11(2):431–41.CrossRefGoogle Scholar
- 39.Wang Z, Bovik AC, Sheikh HR, Simoncelli EP. Image quality assessment: from error visibility to structural similarity. IEEE Trans Image Process. 2004;13(4):600–12.CrossRefGoogle Scholar
- 40.Vijaykumar VR, Vanathi PT, Kanagasabapathy P. Adaptive window based efficient algorithm for removing Gaussian noise in gray scale and color images. IEEE Proc ICCIMA. 2007;3:319–23.Google Scholar
Copyright information
Open AccessThis article is distributed under the terms of the Creative Commons Attribution 4.0 International License (http://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons license, and indicate if changes were made. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated.