CHAPTER 4 ADAPTIVE SHAPE PRIOR MODELING VIA ONLINE DICTIONARY LEARNING

Size: px
Start display at page:

Download "CHAPTER 4 ADAPTIVE SHAPE PRIOR MODELING VIA ONLINE DICTIONARY LEARNING"

Transcription

1 CHAPTER 4 ADAPTIVE SHAPE PRIOR MODELING VIA ONLINE DICTIONARY LEARNING Shaoting Zhang,, Yiqiang Zhan 2, Yan Zhou 3, and Dimitris Metaxas Computer Science Department, University of North Carolina at Charlotte Charlotte, NC, USA 2 CAD R&D, Siemens Healthcare, Malvern, PA, USA 3 Elekta Inc., Maryland Heights, MO, USA szhang6@uncc.edu Shape and appearance, the two pillars of a deformable model, complement each other in object segmentation. In many medical imaging applications, while the low-level appearance information is weak or mis-leading, shape priors play a more important role to guide a correct segmentation. The recently proposed Sparse Shape Composition (SSC) 49,5 opens a new avenue for shape prior modeling. Instead of assuming any parametric model of shape statistics, SSC incorporates shape priors on-the-fly by approximating a shape instance (usually derived from appearance cues) by a sparse combination of shapes in a training repository. Theoretically, one can increase the modeling capability of SSC by including as many training shapes in the repository. However, this strategy confronts two limitations in practice. First, since SSC involves an iterative sparse optimization at run-time, the more shape instances contained in the repository, the less run-time efficiency SSC has. Therefore, a compact and informative shape dictionary is preferred to a large shape repository. Second, in medical imaging applications, training shapes seldom come in one batch. It is very time consuming and sometimes infeasible to re-construct the shape dictionary every time new training shapes appear. In this chapter, we introduce an online learning method to address these two limitations. Our method starts from constructing an initial shape dictionary using the K-SVD algorithm. When new training shapes come, instead of re-constructing the dictionary from the ground up, we update the existing one using a block-coordinates descent approach. Using the dynamically updated dictionary, sparse shape composition can be gracefully scaled up to model shape priors from a large number of training shapes without sacrificing run-time efficiency. Our method is validated on lung localization in X-Ray and cardiac segmentation in MRI time series. Compared to the original SSC, it shows comparable performance while being significantly more efficient.. Introduction Sparse Shape Composition (SSC) 50,49,5 is a recently proposed method for shape prior modeling. Different from previous methods, which often assume a parametric 59

2 60 S. Zhang et al. model for shape statistics, SSC is a non-parametric method that approximates an input shape usually derived from low level appearance features, by a sparse combination of other shapes in a repository. Specifically, SSC models shape priors based on two sparsity observations: ) Given a large shape repository of an organ, a shape instance of the same organ can be approximated by the composition of a sparse set of instances in the shape repository; and 2) a shape instance derived by local appearance cues might have gross errors but these errors are sparse in spatial space. Shape prior modeling is then formulated as a sparse optimization problem. More specifically, an input shape instance, which is usually derived from local appearance cues, is approximated by a sparse combination of other shapes in a repository. In this way, shape priors are incorporated on-the-fly. Thanks to the incorporation of two sparsity priors, SSC is able to correct gross errors of input shape and can preserve shape details even they are not statistically significant in the training repository. Theoretically, the more shape instances contained in the shape repository, the more shape modeling capacity SSC has. However, a repository including a large number of shapes adversely affects the efficiency of SSC, which iteratively performs sparse optimization at run-time. A large shape repository not only increases the computational cost of each round of sparse optimization, but also decreases the convergency speed. Hence, it induces the low run-time efficiency of SSC, which is not acceptable in many applications. In fact, owing to the similar shape characteristics across the population, this large number of shape instances usually contain lots of redundant information. Therefore, a natural solution is to learn a compact and informative dictionary from the large number of training shapes in the repository. Unfortunately, dictionary learning sometimes confronts another limitation. In real world applications, a large number of training shape instances seldom come in one batch. If the dictionary needs to be completely re-learned every time new training shapes come, the learning process will become very time consuming and sometimes infeasible. In this chapter, we introduce an on-line learning method to address these two limitations 48. Our method starts from learning an initial dictionary off-line using available training shapes. K-SVD method is employed to learn the initial dictionary due to its flexibility and accelerated convergency. When new training shapes come, instead of re-constructing the dictionary from the ground up, we use an online dictionary learning method 25 to update the shape dictionary on-the-fly. More specifically, based on stochastic approximation, this online learning algorithm exploits the specific structure of the problem and updates the dictionary efficiently using block-coordinates descent. In this way, our shape dictionary can be gracefully scaled-up to contain a very large number of training shapes. Although the shape dictionary has much less number of atoms compared to the size of training samples, these atoms can still well approximates a shape instance through sparse combination. Hence, rather than using the complete shape repository, our sparse shape composition can be performed on this shape dictionary efficiently without sacrificing the shape modeling capability. This proposed method has been validated on two

3 Adaptive Shape Prior Modeling via Online Dictionary Learning 6 applications: ) 2D lung segmentation in X-Ray images, 2) 2D cardiac segmentation in MRI time series. Compared with traditional SSC, this online dictionary learning based method has similar shape modeling performance with much higher run-time efficiency. 2. Relevant Work We aim to improve the robustness of deformable model-based segmentation methods using shape priors. In various applications of medical image segmentation, deformable models have achieved tremendous success 9,39,6,5,28,32,7, thanks to the combined use of shape and appearance characteristics. While appearance features provide low level clues of organ boundaries, shapes impose high level knowledge to infer and refine deformable models. Therefore, shape prior modeling is crucial to the performance of segmentation methods. Related studies can be traced to two categories, shape modeling and sparse dictionary learning. In the former category, most previous studies 6,5,8,20,35,4,42,60 aim to model shape priors using a parametric model, e.g., multi-variant Gaussian 6 and hierarchical diffusion wavelet 20. Following the seminal work on active shape models, many of these methods have been proposed to alleviate problems in three categories ) complex shape variations 4,29,35,4,6,60,2,53, 2) gross errors of input 9,2,40,3, and 3) loss of shape details 36,7. SSC is the first shape modeling method to handle the above-mentioned three challenges in a unified framework. It is based on the sparse representation theory. Sparsity methods have been widely investigated recently. It has been shown that a sparse signal can be recovered from a small number of its linear measurements with high probability 2,8. These sparsity priors are employed in many computer vision applications, such as, but not limited to, robust face recognition 38, image restoration 26, image bias estimation 56, MR reconstruction 24,6, atlas construction 34, resolution enhancement 54, image bias estimation 57,56 and automatic image annotation 47,3. Sparsity methods have been proved to be very effective at handling gross errors or outliers. To improve the computational efficiency, sparse dictionary learning methods have also been extensively studied in signal processing domain. Popular ones include optimal direction (MOD) and K-SVD. While these methods require the access of all training samples, a recently proposed online dictionary learning 25 allows an efficient dictionary update only based on new samples. Although dictionary learning has been successfully applied on low level image processing tasks, to the best of our knowledge, the proposed method is the first one to employ them for high-level shape prior modeling. 3. Methodology In this section, we will first briefly introduce standard Sparse Shape Composition. Dictionary learning technologies that aims to tackle the two limitations of SSC will be presented afterwards.

4 62 S. Zhang et al. 3.. Sparse Shape Composition SSC is designed based on two observations: ) After being aligned to a common canonical space, any shape can be approximated by a sparse linear combination of other shape instances in the same shape category. Approximation residuals might come from inter-subject variations. 2) If the shape to be approximated is derived by appearance cues, residual errors might include gross errors from detection/segementaion errors. However, such errors are sparse as well. Accordingly, shape priors can be incorporated on-the-fly through shape composition, which is formulated as a sparse optimization problem as follows. Fig. shows an example of the SSC-based shape prior modeling.... Fig.. An illustration of the SSC-based shape prior modeling. Two instances from the training samples are selected to approximate the input shape. In SSC, a shape is represented by a contour (2D) or a triangle mesh (3D) which consists of a set of vertices. Denote the input shape as v, where v R DN is a vector concatenated by coordinates of its N vertices, where D = {2, 3} denotes the dimensionality of the shape modeling problem. (In the remainder of this chapter, any shape instance is defined as a vector in the same way.) Assume D = [d, d 2,..., d K ] R DN K is a large shape repository that includes K accurately annotated and prealigned shape instances d i. The approximation of v by D is then formulated as an optimization problem: arg min x,e,β T (v, β) Dx e λ x + λ 2 e, () where T (v, β) is a global transformation operator with parameter β, which aligns the input shape v to the common canonical space of D. The key idea of SSC lies in the second and third terms of the objective function. In the second term, the L-norm of x ensures that the nonzero elements in x, i.e., the linear combination coefficients, is sparse 2. Hence, only a sparse set of shape instances can be used to approximate the input shape, which prevents the overfitting to errors from missing/misleading appearance cues. In the third term, the same sparse constraint applies on e R DN,

5 Adaptive Shape Prior Modeling via Online Dictionary Learning 63 the large residual errors, which incorporates the observation that gross errors might exist but are occasional. Eq. is optimized using an Expectation-Maximization (EM) style algorithm, which alternatively optimizes β ( E step) and x, e ( M step). M step is a typical sparse optimization, which employs a typical convex solver, e.g., interiorpoint convex solver 27 in this study. By optimizing Eq., shape priors are in fact incorporated on-the-fly through shape composition. Compared to traditional statistical shape models, e.g., active shape model, this method is able to remove gross errors from local appearance cues and preserve shape details even if they are not statistically significant. However, on the other hand, the optimization of Eq. increases the computational cost, hence, limits the run-time efficiency of the SSC Shape Dictionary Learning Theoretically, the more shape instances in D, the larger shape modeling capacity SSC has. However, the run-time efficiency of SSC is also determined by the size of the shape repository matrix D R DN K. More specifically, the computational complexity of the interior-point convex optimization solver is O(N 2 K) per iteration 27, which means the computational cost will increase quickly with the increase of K, the number of the shape instances in the shape repository. Note that O(N 2 K) is the computational complexity for one iteration. Empirically, with larger K, it usually Efficient sparse shape representation with dictionary learning and mesh partitioning: takes more iterations to convergency, which further decreases the algorithm speed.. To efficiently handle many training samples: dictionary learning: Dictionary size = 28 #Coefficients = 800 #Input samples = To efficiently handle thousands of vertices: mesh partitioning: Fig. 2. An illustration of dictionary learning for 2D lung shapes. The input data contains 800 training samples, and a size 28 compact dictionary is generated. Each input shape can be approximately represented as a sparse linear combination of dictionary elements. Note that dictionary elements are virtual shapes, which are not the same as any input shape but can generalize them well. In fact, owing to the similar shape characteristics across the population, these K shape instances usually contain lots of redundant information. Instead of including all of them, D should only contain representative shapes. This is exactly a dictionary learning problem, which has been extensively investigated in signal

6 64 S. Zhang et al. Algorithm The framework of the OMP algorithm. Input: Dictionary D R n k, input data y i R n. Output: coefficients x i R k. Γ =. repeat Select the atom which most reduces the objective arg min j { min x y i D Γ {j} x 2 2 Update the active set: Γ Γ {j}. Update the residual using orthogonal projection } (2) r ( I D Γ (D T Γ D Γ ) D T Γ ) yi (3) where r is the residual and I is the identity matrix. Update the coefficients until Stop criteria x Γ = (D T Γ D Γ ) D T Γ y i (4) processing community. More specifically, a well learned dictionary should have a compact set of atoms that are able to sparsely approximate other signals. In our study, shape dictionary is learned using K-SVD,52, a popular dictionary learning method because of its accelerated converging speed. Mathematically, K-SVD aims to optimize the following objective function with respect to dictionary D and coefficient X: arg min D,X K K i= ( ) 2 y i Dx i x i where y i, i [, K] represents all dataset (all training shapes in our case), D R n k (k K) is the unknown overcomplete dictionary, matrix x i, i [, K] is the sparse coefficients. This equation contains two important properties of the learned dictionary D. First, k K indicates the dictionary has a much more compact size. Second, i, x i guarantees the sparse representation capability of the dictionary. In K-SVD algorithm, Eq. 7 is optimized by two alternative steps, sparse coding and codebook update. Sparse coding is a greedy method which can approximate an input data by finding a sparse set of elements from the codebook. Codebook update is used to generate a better dictionary given sparse coding results. These two steps are alternately performed until convergence. Sparse coding stage: K-SVD algorithm starts from a random D and X and the sparse coding stage uses pursuit algorithms to find the sparse coefficient x i for each signal y i. OMP 3 is employed in this stage. OMP is an iterative greedy algorithm that selects at each step the dictionary element that best correlates with (7)

7 Adaptive Shape Prior Modeling via Online Dictionary Learning 65 Algorithm 2 The framework of the K-SVD algorithm. Input: dictionary D R n k, input data y i R n and coefficients x i R k. Output: D and X. repeat Sparse coding: use OMP to compute coefficient x i for each signal y i, to minimize min x i { y i Dx i 2 2} subject to x i 0 L (5) Codebook update: for i =, 2,..., k, update each column d i in D and also x i T (ith row) Find the group using d i (x i T 0), denoted as ω i Compute error matrix E i Restrict E i by choosing columns corresponding to ω i. The resized error is denoted as Ei R Apply SVD and obtain E R i = UΣV T (6) Update d i as the first column of U. Update nonzero elements in x i T as the first column of V multiplied by Σ(, ) until Stop criterions the residual part of the signal. Then it produces a new approximation by projecting the signal onto those elements already selected 37. The pseudo-codes of OMP is listed in Algorithm. Codebook update stage: In the codebook update stage K-SVD aims to update D and X iteratively. In each iteration D and X are fixed except only one column d i and the coefficients corresponding to d i (ith row in X), denoted as x i T. Eq. 7 can be rewritten as Y k d j x j T j= 2 F = Y 2 d j x j T d i x i T (8) j i F = Ei d i x i 2 T (9) F We need to minimize the difference between E i and d i x i T with fixed E i, by finding alternative d i and x i T. Since SVD finds the closest rank- matrix that approximates E i, it can be used to minimize Eq. 8. Assume E i = UΣV T, d i is updated as the first column of U, which is the eigenvector corresponding to the largest eigenvalue. x i T is updated as the first column of V multiplied by Σ(, ). The updated xi T may not always guarantee sparsity. A simple but effective solution is to discard the zero entries corresponding to the old x i T. The detail algorithms of K-SVD are listed in the Algorithm 2.

8 66 S. Zhang et al. Algorithm 3 Online learn and update dictionary, using mini-batch mode. Input: Initialized dictionary D 0 R n k, input data Y = [y, y 2,..., y K ], y i R n, number of iterations T, regularization parameter λ R. Output: Learned dictionary D T. A 0 = 0, B 0 = 0. for t = T do Randomly draw a set of y t,, y t,2,..., y t,η. for i = η do Sparse coding: x t,i = arg min 2 y t,i D t x λ x. x R k end for A t = βa t + η i= x t,ix T t,i, B t = βb t + η i= y t,ix T t,i, where β = θ+ η θ+, and θ = tη if t < η, θ = η2 + t η otherwise. Dictionary update: Compute D t, so that: t arg min t i= 2 y i Dx i λ x i = D ( arg min 2 T r ( ) D T DA t T r(d T B t ) ). D end for t The learned dictionary D will be used in Eq. at run-time. It is worth noting that an element in D might not be the same as any shape instances in the training set. In other words, the learned shape dictionary consists of virtual shape instances which might not exist in the real world. However, these virtual shapes do have sparse composition capabilities with a significantly more compact size, which can highly improve the run-time efficiency of our sparse shape composition. Fig. 2 shows an illustration of dictionary learning for 2D lung shapes. Ap compact dictionary is generated from input samples, such that each input sample can be approximately represented as a sparse linear combination of dictionary elements. This compact dictionary is used as data matrix D for our model Online Shape Dictionary Update Using the compact dictionary derived by K-SVD, the run-time efficiency of SSC is dramatically improved, as the number of atoms in D is much less than the number of training shapes. However, K-SVD requires all training shapes available in the dictionary update step, which can not be satisfied in a lot of medical applications. For example, owing to the expensive cost, manual annotations of anatomical structures often come gradually from different radiologists/technicions. Re-construction of the dictionary D with every batch of new training shapes is very time consuming and not always feasible. To tackle this problem, we employ a recently proposed online dictionary method 25 to update the shape dictionary. Algorithm 3 shows the framework of online dictionary learning for sparse coding. Starting from an initial dictionary learned by K-SVD, it iteratively employs two

9 Adaptive Shape Prior Modeling via Online Dictionary Learning 67 stages until converge, sparse coding and dictionary update. Sparse coding aims to find the sparse coefficient x i for each signal y i : x i = arg min x R 2 y i Dx λ x (0) k where D is the initialized dictionary or dictionary computed from the previous iteration. LARS-Lasso algorithm 0 is employed to solve this step. The dictionary update stage aims to update D based on all discovered x i, i [, K]: arg min D K K i= 2 y i Dx i λ x i () Based on stochastic approximation, the dictionary is updated efficiently using blockcoordinates descent. It is a parameter-free method and does not require any learning rate tuning. It is important to note that the dictionary update step in Algorithm 3 is significantly different from that of K-SVD. Instead of requiring all training shapes, it only exploits a small batch of newly coming data (i.e., x i, i [, η]). The dictionary update thereby becomes much faster than K-SVD, as η K. In this way, we can efficiently update the shape dictionary online by using new data as selected x i. Using this online updated dictionary, SSC obtains two additional advantages. ) The run-time efficiency of shape composition is not sacrificed with much more training shapes. 2) SSC can be gracefully scaled-up to contain shape priors from, theoretically, infinite number of training shapes. 4. Experiments We validate our algorithm in two applications, lung localization in Chest X-ray, and left ventricle tracking in MRI. 4.. Lung Localization Chest radiography (X-ray) is a widely used medical imaging modality because of the fast imaging speed and low cost. Localization of lungs in chest radiography not only provides lung shapes, which are critical clues for pathology detection, but also paves the way for other medical image analysis tasks, e.g., cardiac measurements. On one hand, owing to the relatively cheap cost of manual/semi-automatic annotations of lungs in X-ray images, it is possible to get a large number of lung shapes for training. On the other hand, however, training lung shapes seldom come in one batch in clinical practices. Instead, clinicians often verify and correct auto-localization results and prefer a system that has self-improvement ability using these corrected shapes as new training shapes. Therefore, lung localization in chest X-ray becomes an ideal use case to test the effectiveness of our online dictionary method. Our lung localization system starts from a set of auto-detected landmarks around the lung (e.g., the bottom-left lung tip) using learning-based methods 55,23,44,45,43,5,

10 68 S. Zhang et al. Fig. 3. Comparisons of the localization results. From left to right: manual label, detection results, PCA, SSC, and the online learning based shape refinement results. Due to the erroneous detection (marked by the box), PCA result moves to the right and is not on the boundary (see the arrow). Zoom in for better view. Table. Quantitative comparisons of the lung localization using shape priors. P, Q, DSC stand for the sensitivity, specificity, and dice similarity coefficient (%), respectively. P Q DSC PCA 87.5 ± ± ± 4.0 SSC 86.7 ± ± ± 3.9 Ours 94.3 ± ± ± 3.6 based on which lung shapes are inferred using shape priors. Note that various factors, e.g., imaging artifacts, lung diseases, etc., might induce missing/wrong landmark detection, which should be corrected by shape prior models. Although the overall system performance depends on multiple components, including initial landmark detection, shape prior modeling and the following deformable segmentation, our comparison focuses on the shape prior modeling part, i.e., other components remain the same in comparsions. Our experimental dataset includes 367 X-ray images from different patients. 32 of them are used as training data to construct the initial data matrix/dictionary D in Eq.. Note that simply stacking more training shapes into D can also improve the capability of shape representation. However, it dramatically reduces the computational efficiency, which highly depends on the scale of D when solving Eq. 27. Three shape prior methods are compared, ) the PCA based prior as used in Active Shape Model 6, 2) SSC 49, and 3) our method. Fig. 3 shows an example of using these methods to infer shapes from auto-detected landmarks. This case is challenging due to the misplaced medical instrument, which causes erroneous detections (marked by a box in Fig. 3). Although all three methods achieve reasonable accuracy, the whole shape of PCA result shifts slightly to the right (where the arrow points in Fig. 3), because PCA is sensitive to outliers. Benefited by the sparse

11 Adaptive Shape Prior Modeling via Online Dictionary Learning 69 Collaborative Trackers Contour Interpolation Edge Detection Sparse Shape Refinement (a) (b) (c) (d) Fig. 4. Tracking pipeline of our method. It includes collaborative tracking, contour interpolation, edge detection and sparse shape refinement. representation and L-norm constraint, SSC and our method can both handle erroneous detections. However, since the initial shape dictionary may not be generative and representative enough, the inferred shape from SSC is not as accurate as the proposed method, which updates the dictionary on-the-fly and improves its capability of shape representations. Table shows the quantitative accuracy (compared to experts annotations) of the three methods, in terms of the sensitivity, specificity, and dice similarity coefficient (DSC). In general, our method achieves significantly better sensitivity, while slightly worse specificity than SSC. The reason is that SSC under-segments some images, which results in low sensitivity but high specificity. Our method achieves much better performance in terms of DSC, which is a more comprehensive measurements (includes both sensitivity and specificity) for localization accuracy. The experiments are performed on a PC with 2.4GHz Intel Quad CPU, 8GB memory, with Python 2.5 and C++ implementations. The whole framework is fully automatic and efficient. The shape inference step takes s, with around 0.06s as an overhead to update the dictionary online, which is negligible. In contrast, re-training the dictionary using K-SVD needs around 5-40s each time Real-time Left Ventricle Tracking Extraction of the boundary contour of a beating heart from cardiac MRI image sequences plays an important role in cardiac disease diagnosis and treatments. MRIguided robotic intervention is potentially important in cardiac procedures such as aortic valve repair. One of the major difficulties is the path planning of the robotic needle, which requires accurate contour segmentation of the left ventricle on a realtime MRI sequence. Thus, the algorithm should be robust, accurate and fast. We use a shape prior based tracking framework to solve this problem. Note that the left ventricle segmentation has been widely investigated 30. Our intent is not to provide a thorough accuracy comparison with state-the-art techniques on standard datasets. Instead, we aim to demonstrate that the proposed method can efficiently deal with this real-time task by incorporating it into a tracking framework. In our method, a collaborative trackers network is employed to provide a deformed mesh and then generate a rough contour as the initialization at each time step 58. Next, this initialized shape model deforms based on low level image appearance. Appearance-based

12 70 S. Zhang et al. Sensitivity Specificity DSC Fig. 5. Box plots for quantitative comparisons. From left to right of each figure: results from the deformation, PCA, SSC, and the proposed method, respectively. deformation may not be accurate since the image information can be ambiguous and noisy. Thus, the shape prior model is employed to refine the deformed contour 59. Fig. 4 shows the cardiac tracking pipeline of our method. Based on this framework, we compare the performance of (a) deformable model based on image appearance, (b) PCA based, (c) SSC based and (d) the online dictionary based shape refinement methods. For computational efficiency consideration, the dictionary size of (b) and (c) is fixed as a small number 8. The SSC method constantly uses this initial dictionary, while the proposed method (c) updates the dictionary on-the-fly by using acquired tracking results as the mini-batch input of Algorithm 3. Fig. 5 shows the quantitative evaluations, in terms of the sensitivity, specificity, and the dice similarity coefficient. Appearance-based deformation results produces inconsistent results when the image information is ambiguous. SSC based shape refinement may not improve the accuracy of the deformed result due to the small size of dictionary. PCA based method achieves good performance. However, it is not able to handle certain new shapes which cannot be generalized from the current PCA results. In general, the proposed method achieves the most accurate result, since it updates the dictionary on-the-fly using newly acquired information. Thus it is more generic and adaptive to new data. Online updating the dictionary takes around 0.03s, which causes very small overhead for the whole system. To track total of 89 frames, our system takes 23.7s. Re-training the dictionary using K-SVD takes around 2s each time, which is not feasible for realtime applications. 5. Conclusions In this chapter, we introduce a robust and efficient shape prior modeling method, Sparse Shape Composition (SSC). Contrary to traditional shape models, SSC incorporates shape priors on-the-fly through sparse shape composition. It is able to handle gross errors, to model complex shape variations and to preserve shape details in a unified framework. Owing to the high computational cost of standard SSC, a straightforward integration might has low runtime efficiency, which impedes

13 Adaptive Shape Prior Modeling via Online Dictionary Learning 7 the segmentation system being clinically accepted. Therefore, we designed two strategies to improve the computational efficiency of the sparse shape composition. First, given a large number of training shape instances, K-SVD is used to learn a much more compact but still informative shape dictionary. Second, when new shapes come, online dictionary learning method is used to update the dictionary on-the-fly. With the dynamic updated dictionary, SSC is adaptive and gracefully scaled-up to contain shape priors from a large number of training shapes without losing the run-time efficiency. The proposed method was validated on two medical applications. Compared to standard SSC, it achieved better shape modeling performance with a much faster speed. It is worth noting our shape prior method can also be coupled with other segmentation algorithms, such as registration-based and patch-based methods 4,62,33,46,22,29. In the future, we would like to apply this shape prior method to more applications such as registration. References. Aharon, M., Elad, M., Bruckstein, A.: K-SVD: An algorithm for designing overcomplete dictionaries for sparse representation. In: IEEE Transaction on Signal Processing. pp (2006) 2. Candes, E., Romberg, J., Tao, T.: Robust uncertainty principles: Exact signal reconstruction from highly incomplete frequency information. IEEE Transactions on Information Theory 52(2), (2006) 3. Chen, S., Billings, S.A., Luo, W.: Orthogonal least squares methods and their application to non-linear system identification. In: International Journal of Control. pp (989) 4. Cootes, T.F., Taylor, C.J.: A mixture model for representing shape variation. In: Image and Vision Computing. pp. 0 9 (997) 5. Cootes, T., Edwards, G., Taylor, C.: Active appearance models. In: ECCV. pp (998) 6. Cootes, T., Taylor, C., Cooper, D., Graham, J.: Active shape model - their training and application. Computer Vision and Image Understanding 6, (995) 7. Davatzikos, C., Tao, X., Shen, D.: Hierarchical active shape models, using the wavelet transform. IEEE Transactions on Medical Imaging 22(3), (2003) 8. Donoho, D.L.: Compressed sensing. IEEE Transactions on Information Theory 52(4), (2006) 9. Duta, N., Sonka, M.: Segmentation and interpretation of MR brain images. an improved active shape model. IEEE Transactions on Medical Imaging 7(6), (998) 0. Efron, B., Hastie, T., Johnstone, I., Tibshirani, R.: Least angle regression. The Annals of statistics 32(2), (2004). Engan, K., Aase, S., Hakon Husoy, J.: Method of optimal directions for frame design. In: ICASSP. vol. 5, pp (999) 2. Etyngier, P., Segonne, F., Keriven, R.: Shape priors using manifold learning techniques. In: International Conference on Computer Vision. pp. 8 (2007) 3. Gao, S., Chia, L., Tsang, I.: Multi-layer group sparse codingfor concurrent image classification and annotation. In: IEEE Conference on Computer Vision and Pattern Recognition. pp IEEE (20)

14 72 S. Zhang et al. 4. Han, X., Fischl, B.: Atlas renormalization for improved brain mr image segmentation across scanner platforms. IEEE Transactions on Medical Imaging 26(4), (2007) 5. Heimann, T., Meinzer, H.P.: Statistical shape models for 3D medical image segmentation: A review. Medical Image Analysis 3(4), (2009) 6. Huang, J., Zhang, S., Metaxas, D.: Efficient MR image reconstruction for compressed MR imaging. Medical Image Analysis 5(5), (20) 7. Huang, X., Metaxas, D.: Metamorphs: Deformable shape and appearance models. IEEE Transactions on Pattern Analysis and Machine Intelligence 30(8), (2008) 8. Hufnagel, H., Pennec, X., Ehrhardt, J., Handels, H., Ayache, N.: Shape analysis using a point-based statistical shape model built on correspondence probabilities. In: Ayache, N., Ourselin, S., Maeder, A. (eds.) MICCAI 2007, Part I, LNCS, vol. 479, pp Springer, Heidelberg (2007) 9. Kass, M., Witkin, A., Terzopoulos, D.: Snakes: Active contour models. International Journal of Computer Vision, (987) 20. Langs, G., Paragios, N., Essafi, S.: Hierarchical 3D diffusion wavelet shape priors. In: ICCV. pp (200) 2. Lekadir, K., Merrifield, R., zhong Yang, G.: G.-z.: Outlier detection and handling for robust 3D active shape models search. IEEE Transaction on Medical Imaging 26, (2007) 22. Li, H., Shen, T., Smith, M., Fujiwara, I., Vavylonis, D., Huang, X.: Automated actin filament segmentation, tracking and tip elongation measurements based on open active contour models. In: IEEE International Symposium on Biomedical Imaging: From Nano to Macro. pp IEEE (2009) 23. Ling, H., Zhou, S., Zheng, Y., Georgescu, B., Suehling, M., Comaniciu, D.: Hierarchical, learning-based automatic liver segmentation. In: IEEE Conference on Computer Vision and Pattern Recognition. pp. 8. IEEE (2008) 24. Lustig, M., Donoho, D., Pauly, J.: Sparse MRI: The application of compressed sensing for rapid MR imaging. Magnetic Resonance in Medicine 58(6), (2007) 25. Mairal, J., Bach, F., Ponce, J., Sapiro, G.: Online dictionary learning for sparse coding. In: ICML. pp (2009) 26. Mairal, J., Bach, F., Ponce, J., Sapiro, G., Zisserman, A.: Non-local sparse models for image restoration. In: ICCV. pp (2009) 27. Nesterov, Y., Nemirovsky, A.: Interior point polynomial methods in convex programming. Studies in applied mathematics 3, 993 (994) 28. Paragios, N., Deriche, R.: Geodesic active contours and level sets for the detection and tracking of moving objects. IEEE Transactions on Pattern Analysis and Machine Intelligence 22(3), (2000) 29. Pohl, K., Warfield, S., Kikinis, R., Grimson, W., Wells, W.: Coupling statistical segmentation and pca shape modeling. Medical Image Computing and Computer- Assisted Intervention pp (2004) 30. Radau, P., Lu, Y., Connelly, K., Paul, G., Dick, A., Wright, G.: Evaluation framework for algorithms segmenting short axis cardiac MRI. The MIDAS Journal, Cardiac MR Left Ventricle Segmentation Challenge (2009) 3. Rogers, M., Graham, J.: Robust active shape model search. In: European Conference on Computer Vision, pp (2006) 32. Shen, D., Davatzikos, C.: An adaptive-focus deformable model using statistical and geometric information. IEEE Transactions on Pattern Analysis and Machine Intelligence 22(8), (2000)

15 Adaptive Shape Prior Modeling via Online Dictionary Learning Shen, T., Li, H., Huang, X.: Active volume models for medical image segmentation. IEEE Transactions on Medical Imaging 30(3), (march 20) 34. Shi, F., Wang, L., Wu, G., Zhang, Y., Liu, M., Gilmore, J., Lin, W., Shen, D.: Atlas construction via dictionary learning and group sparsity. Medical Image Computing and Computer-Assisted Intervention pp (202) 35. Shi, Y., Qi, F., Xue, Z., Chen, L., Ito, K., Matsuo, H., Shen, D.: Segmenting lung fields in serial chest radiographs using both population-based and patient-specific shape statistics. IEEE Transactions on Medical Imaging 27(4), (2008) 36. Sjostrand, K., Rostrup, E., Ryberg, C., Larsen, R., Studholme, C., Baezner, H., Ferro, J., Fazekas, F., Pantoni, L., Inzitari, D., Waldemar, G.: Sparse decomposition and modeling of anatomical shape variation. TMI 26(2), (2007) 37. Tropp, J.A.: Greed is good: Algorithmic results for sparse approximation. In: IEEE Transaction Information Theory. pp (2004) 38. Wright, J., Yang, A., Ganesh, A., Sastry, S., Ma, Y.: Robust face recognition via sparse representation. TPAMI 3(2), (2009) 39. Xu, C., Prince, J.: Snakes, shapes and gradient vector flow. IEEE Transaction on Image Processing 7, (998) 40. Yan, P., Xu, S., Turkbey, B., Kruecker, J.: Discrete deformable model guided by partial active shape model for trus image segmentation. IEEE Transactions on Biomedical Engineering 57(5), (200) 4. Yan, P., Kruecker, J.: Incremental shape statistics learning for prostate tracking in trus. In: Jiang, T., Navab, N., Pluim, J.P.W., Viergever, M.A. (eds.) MICCAI 200, Part II. LNCS, vol. 6362, pp Springer, Heidelberg (200) 42. Yeo, B.T., Yu, P., Grant, P.E., Fischl, B., Golland, P.: Shape analysis with overcomplete spherical wavelets. In: MICCAI. pp (2008) 43. Zhan, Y., Dewan, M., Zhou, X.S.: Cross modality deformable segmentation using hierarchical clustering and learning. In: the 2th International Conference on Medical Image Computing and Computer Assisted Intervention. pp (2009) 44. Zhan, Y., Shen, D.: Deformable segmentation of 3D ultrasound prostate images using statistical texture matching method. IEEE Transaction on Medical Imaging 25(3), (2006) 45. Zhan, Y., Zhou, X.S., Peng, Z., Krishnan, A.: Active scheduling of organ detection and segmentation in whole-body medical images. In: the th International Conference on Medical Image Computing and Computer Assisted Intervention. pp (2008) 46. Zhang, D., Wu, G., Jia, H., Shen, D.: Confidence-guided sequential label fusion for multi-atlas based segmentation. Medical Image Computing and Computer-Assisted Intervention pp (20) 47. Zhang, S., Huang, J., Huang, Y., Yu, Y., Li, H., Metaxas, D.: Automatic image annotation using group sparsity. In: IEEE Conference on Computer Vision and Pattern Recognition. pp IEEE (200) 48. Zhang, S., Zhan, Y., Zhou, Y., Uzunbas, M., Metaxas, D.: Shape prior modeling using sparse representation and online dictionary learning. Medical Image Computing and Computer-Assisted Intervention pp (202) 49. Zhang, S., Zhan, Y., Dewan, M., Huang, J., Metaxas, D., Zhou, X.: Deformable segmentation via sparse shape representation. In: Fichtinger, G., Martel, A., Peters, T. (eds.) MICCAI 20, Part II. LNCS, vol. 6892, pp Springer, Heidelberg (20) 50. Zhang, S., Zhan, Y., Dewan, M., Huang, J., Metaxas, D., Zhou, X.: Sparse shape composition: A new framework for shape prior modeling. In: IEEE Conference on Computer Vision and Pattern Recognition. pp (20)

16 74 S. Zhang et al. 5. Zhang, S., Zhan, Y., Dewan, M., Huang, J., Metaxas, D., Zhou, X.: Towards robust and effective shape modeling: Sparse shape composition. Medical Image Analysis 6(), (202) 52. Zhang, S., Zhan, Y., Metaxas, D.N.: Deformable segmentation via sparse representation and dictionary learning. Medical Image Analysis 6(7), (202) 53. Zhang, W., Yan, P., Li, X.: Estimating patient-specific shape prior for medical image segmentation. In: International Symposium on Biomedical Imaging. pp IEEE (20) 54. Zhang, Y., Wu, G., Yap, P.T., Feng, Q., Lian, J., Chen, W., Shen, D.: Hierarchical patch-based sparse representation - a new approach for resolution enhancement of 4dct lung data. IEEE Transactions on Medical Imaging 3(), (nov 202) 55. Zheng, Y., Barbu, A., Georgescu, B., Scheuering, M., Comaniciu, D.: Four-chamber heart modeling and automatic segmentation for 3D cardiac CT volumes using marginal space learning and steerable features. IEEE Transaction on Medical Imaging 27, (2008) 56. Zheng, Y., Gee, J.: Estimation of image bias field with sparsity constraints. In: IEEE Conference on Computer Vision and Pattern Recognition. pp IEEE (200) 57. Zheng, Y., Grossman, M., Awate, S., Gee, J.: Automatic correction of intensity nonuniformity from sparseness of gradient distribution in medical images. Medical Image Computing and Computer-Assisted Intervention pp (2009) 58. Zhou, Y., Yeniaras, E., Tsiamyrtzis, P., Tsekos, N., Pavlidis, I.: Collaborative tracking for MRI-guided robotic intervention on the beating heart. In: Jiang, T., Navab, N., Pluim, J., Viergever, M. (eds.) MICCAI 200, Part III. LNCS, vol. 6363, pp Springer, Heidelberg (200) 59. Zhou, Y., Zhang, S., Tsekos, N., Pavlidis, I., Metaxas, D.: Left endocardium tracking via collaborative trackers and shape prior. In: IEEE International Symposium on Biomedical Imaging. pp IEEE (202) 60. Zhu, Y., Papademetris, X., Sinusas, A., Duncan, J.: Segmentation of the left ventricle from cardiac MR images using a subject-specific dynamical model. TMI 29(3), (200) 6. Zhu, Y., Papademetris, X., Sinusas, A., Duncan, J.: A dynamical shape prior for LV segmentation from RT3D echocardiography. In: International Conference on Medical Image Computing and Computer Assisted Intervention. pp (2009) 62. Zhuang, X., Rhode, K., Razavi, R., Hawkes, D., Ourselin, S.: A registration-based propagation framework for automatic whole heart segmentation of cardiac MRI. IEEE Transactions on Medical Imaging 29(9), (200)

Deformable Segmentation via Sparse Shape Representation

Deformable Segmentation via Sparse Shape Representation Deformable Segmentation via Sparse Shape Representation Shaoting Zhang 2, Yiqiang Zhan 1, Maneesh Dewan 1, Junzhou Huang 2, Dimitris N. Metaxas 2, and Xiang Sean Zhou 1 1 Siemens Medical Solutions, Malvern,

More information

Auto-contouring the Prostate for Online Adaptive Radiotherapy

Auto-contouring the Prostate for Online Adaptive Radiotherapy Auto-contouring the Prostate for Online Adaptive Radiotherapy Yan Zhou 1 and Xiao Han 1 Elekta Inc., Maryland Heights, MO, USA yan.zhou@elekta.com, xiao.han@elekta.com, Abstract. Among all the organs under

More information

Tracking the Left Ventricle through Collaborative Trackers and Sparse Shape Model

Tracking the Left Ventricle through Collaborative Trackers and Sparse Shape Model Tracking the Left Ventricle through Collaborative Trackers and Sparse Shape Model Yan Zhou IMPAC Medical Systems, Elekta Inc., Maryland Heights, MO, USA Abstract. Tracking the left ventricle plays an important

More information

Sparse Shape Composition: A New Framework for Shape Prior Modeling

Sparse Shape Composition: A New Framework for Shape Prior Modeling Sparse Shape Composition: A New Framework for Shape Prior Modeling Shaoting Zhang 1,2, Yiqiang Zhan 1, Maneesh Dewan 1, Junzhou Huang 2, Dimitris N. Metaxas 2, and Xiang Sean Zhou 1 1 CAD R&D, Siemens

More information

Automatic Rapid Segmentation of Human Lung from 2D Chest X-Ray Images

Automatic Rapid Segmentation of Human Lung from 2D Chest X-Ray Images Automatic Rapid Segmentation of Human Lung from 2D Chest X-Ray Images Abstract. In this paper, we propose a complete framework that segments lungs from 2D Chest X-Ray (CXR) images automatically and rapidly.

More information

Deformable Segmentation using Sparse Shape Representation. Shaoting Zhang

Deformable Segmentation using Sparse Shape Representation. Shaoting Zhang Deformable Segmentation using Sparse Shape Representation Shaoting Zhang Introduction Outline Our methods Segmentation framework Sparse shape representation Applications 2D lung localization in X-ray 3D

More information

Medical Image Analysis

Medical Image Analysis Medical Image Analysis 16 (2012) 265 277 Contents lists available at SciVerse ScienceDirect Medical Image Analysis journal homepage: www.elsevier.com/locate/media Towards robust and effective shape modeling:

More information

Medical Image Analysis

Medical Image Analysis Medical Image Analysis 16 (2012) 1385 1396 Contents lists available at SciVerse ScienceDirect Medical Image Analysis journal homepage: www.elsevier.com/locate/media Deformable segmentation via sparse representation

More information

Construction of Left Ventricle 3D Shape Atlas from Cardiac MRI

Construction of Left Ventricle 3D Shape Atlas from Cardiac MRI Construction of Left Ventricle 3D Shape Atlas from Cardiac MRI Shaoting Zhang 1, Mustafa Uzunbas 1, Zhennan Yan 1, Mingchen Gao 1, Junzhou Huang 1, Dimitris N. Metaxas 1, and Leon Axel 2 1 Rutgers, the

More information

Cervigram Image Segmentation Based On Reconstructive Sparse Representations

Cervigram Image Segmentation Based On Reconstructive Sparse Representations Cervigram Image Segmentation Based On Reconstructive Sparse Representations Shaoting Zhang 1, Junzhou Huang 1, Wei Wang 2, Xiaolei Huang 2, Dimitris Metaxas 1 1 CBIM, Rutgers University 110 Frelinghuysen

More information

Hierarchical Shape Statistical Model for Segmentation of Lung Fields in Chest Radiographs

Hierarchical Shape Statistical Model for Segmentation of Lung Fields in Chest Radiographs Hierarchical Shape Statistical Model for Segmentation of Lung Fields in Chest Radiographs Yonghong Shi 1 and Dinggang Shen 2,*1 1 Digital Medical Research Center, Fudan University, Shanghai, 232, China

More information

4D Cardiac Reconstruction Using High Resolution CT Images

4D Cardiac Reconstruction Using High Resolution CT Images 4D Cardiac Reconstruction Using High Resolution CT Images Mingchen Gao 1, Junzhou Huang 1, Shaoting Zhang 1, Zhen Qian 2, Szilard Voros 2, Dimitris Metaxas 1, and Leon Axel 3 1 CBIM Center, Rutgers University,

More information

Sparse Shape Registration for Occluded Facial Feature Localization

Sparse Shape Registration for Occluded Facial Feature Localization Shape Registration for Occluded Facial Feature Localization Fei Yang, Junzhou Huang and Dimitris Metaxas Abstract This paper proposes a sparsity driven shape registration method for occluded facial feature

More information

Discriminative sparse model and dictionary learning for object category recognition

Discriminative sparse model and dictionary learning for object category recognition Discriative sparse model and dictionary learning for object category recognition Xiao Deng and Donghui Wang Institute of Artificial Intelligence, Zhejiang University Hangzhou, China, 31007 {yellowxiao,dhwang}@zju.edu.cn

More information

3D Statistical Shape Model Building using Consistent Parameterization

3D Statistical Shape Model Building using Consistent Parameterization 3D Statistical Shape Model Building using Consistent Parameterization Matthias Kirschner, Stefan Wesarg Graphisch Interaktive Systeme, TU Darmstadt matthias.kirschner@gris.tu-darmstadt.de Abstract. We

More information

Efficient Imaging Algorithms on Many-Core Platforms

Efficient Imaging Algorithms on Many-Core Platforms Efficient Imaging Algorithms on Many-Core Platforms H. Köstler Dagstuhl, 22.11.2011 Contents Imaging Applications HDR Compression performance of PDE-based models Image Denoising performance of patch-based

More information

Segmenting the Left Ventricle in 3D Using a Coupled ASM and a Learned Non-Rigid Spatial Model

Segmenting the Left Ventricle in 3D Using a Coupled ASM and a Learned Non-Rigid Spatial Model Segmenting the Left Ventricle in 3D Using a Coupled ASM and a Learned Non-Rigid Spatial Model Stephen O Brien, Ovidiu Ghita, and Paul F. Whelan Centre for Image Processing and Analysis, Dublin City University,

More information

Compressed Sensing Algorithm for Real-Time Doppler Ultrasound Image Reconstruction

Compressed Sensing Algorithm for Real-Time Doppler Ultrasound Image Reconstruction Mathematical Modelling and Applications 2017; 2(6): 75-80 http://www.sciencepublishinggroup.com/j/mma doi: 10.11648/j.mma.20170206.14 ISSN: 2575-1786 (Print); ISSN: 2575-1794 (Online) Compressed Sensing

More information

Semantic Context Forests for Learning- Based Knee Cartilage Segmentation in 3D MR Images

Semantic Context Forests for Learning- Based Knee Cartilage Segmentation in 3D MR Images Semantic Context Forests for Learning- Based Knee Cartilage Segmentation in 3D MR Images MICCAI 2013: Workshop on Medical Computer Vision Authors: Quan Wang, Dijia Wu, Le Lu, Meizhu Liu, Kim L. Boyer,

More information

Efficient MR Image Reconstruction for Compressed MR Imaging

Efficient MR Image Reconstruction for Compressed MR Imaging Efficient MR Image Reconstruction for Compressed MR Imaging Junzhou Huang, Shaoting Zhang, and Dimitris Metaxas Division of Computer and Information Sciences, Rutgers University, NJ, USA 08854 Abstract.

More information

An efficient face recognition algorithm based on multi-kernel regularization learning

An efficient face recognition algorithm based on multi-kernel regularization learning Acta Technica 61, No. 4A/2016, 75 84 c 2017 Institute of Thermomechanics CAS, v.v.i. An efficient face recognition algorithm based on multi-kernel regularization learning Bi Rongrong 1 Abstract. A novel

More information

IMA Preprint Series # 2281

IMA Preprint Series # 2281 DICTIONARY LEARNING AND SPARSE CODING FOR UNSUPERVISED CLUSTERING By Pablo Sprechmann and Guillermo Sapiro IMA Preprint Series # 2281 ( September 2009 ) INSTITUTE FOR MATHEMATICS AND ITS APPLICATIONS UNIVERSITY

More information

Image Denoising via Group Sparse Eigenvectors of Graph Laplacian

Image Denoising via Group Sparse Eigenvectors of Graph Laplacian Image Denoising via Group Sparse Eigenvectors of Graph Laplacian Yibin Tang, Ying Chen, Ning Xu, Aimin Jiang, Lin Zhou College of IOT Engineering, Hohai University, Changzhou, China School of Information

More information

Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging

Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging 1 CS 9 Final Project Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging Feiyu Chen Department of Electrical Engineering ABSTRACT Subject motion is a significant

More information

Segmentation in Noisy Medical Images Using PCA Model Based Particle Filtering

Segmentation in Noisy Medical Images Using PCA Model Based Particle Filtering Segmentation in Noisy Medical Images Using PCA Model Based Particle Filtering Wei Qu a, Xiaolei Huang b, and Yuanyuan Jia c a Siemens Medical Solutions USA Inc., AX Division, Hoffman Estates, IL 60192;

More information

ADAPTIVE LOW RANK AND SPARSE DECOMPOSITION OF VIDEO USING COMPRESSIVE SENSING

ADAPTIVE LOW RANK AND SPARSE DECOMPOSITION OF VIDEO USING COMPRESSIVE SENSING ADAPTIVE LOW RANK AND SPARSE DECOMPOSITION OF VIDEO USING COMPRESSIVE SENSING Fei Yang 1 Hong Jiang 2 Zuowei Shen 3 Wei Deng 4 Dimitris Metaxas 1 1 Rutgers University 2 Bell Labs 3 National University

More information

Fully Automatic Multi-organ Segmentation based on Multi-boost Learning and Statistical Shape Model Search

Fully Automatic Multi-organ Segmentation based on Multi-boost Learning and Statistical Shape Model Search Fully Automatic Multi-organ Segmentation based on Multi-boost Learning and Statistical Shape Model Search Baochun He, Cheng Huang, Fucang Jia Shenzhen Institutes of Advanced Technology, Chinese Academy

More information

Medical Image Segmentation Using Descriptive Image Features

Medical Image Segmentation Using Descriptive Image Features YANG, YUAN, LI, YAN: MEDICAL IMAGE SEGMENTATION 1 Medical Image Segmentation Using Descriptive Image Features Meijuan Yang meijuan.yang@opt.ac.cn Yuan Yuan yuany@opt.ac.cn Xuelong Li xuelong_li@opt.ac.cn

More information

Image Restoration and Background Separation Using Sparse Representation Framework

Image Restoration and Background Separation Using Sparse Representation Framework Image Restoration and Background Separation Using Sparse Representation Framework Liu, Shikun Abstract In this paper, we introduce patch-based PCA denoising and k-svd dictionary learning method for the

More information

Segmentation of MR Images of a Beating Heart

Segmentation of MR Images of a Beating Heart Segmentation of MR Images of a Beating Heart Avinash Ravichandran Abstract Heart Arrhythmia is currently treated using invasive procedures. In order use to non invasive procedures accurate imaging modalities

More information

Sparsity Based Spectral Embedding: Application to Multi-Atlas Echocardiography Segmentation!

Sparsity Based Spectral Embedding: Application to Multi-Atlas Echocardiography Segmentation! Sparsity Based Spectral Embedding: Application to Multi-Atlas Echocardiography Segmentation Ozan Oktay, Wenzhe Shi, Jose Caballero, Kevin Keraudren, and Daniel Rueckert Department of Compu.ng Imperial

More information

Multi-Atlas Segmentation of the Cardiac MR Right Ventricle

Multi-Atlas Segmentation of the Cardiac MR Right Ventricle Multi-Atlas Segmentation of the Cardiac MR Right Ventricle Yangming Ou, Jimit Doshi, Guray Erus, and Christos Davatzikos Section of Biomedical Image Analysis (SBIA) Department of Radiology, University

More information

An R Package flare for High Dimensional Linear Regression and Precision Matrix Estimation

An R Package flare for High Dimensional Linear Regression and Precision Matrix Estimation An R Package flare for High Dimensional Linear Regression and Precision Matrix Estimation Xingguo Li Tuo Zhao Xiaoming Yuan Han Liu Abstract This paper describes an R package named flare, which implements

More information

Robust Face Recognition via Sparse Representation Authors: John Wright, Allen Y. Yang, Arvind Ganesh, S. Shankar Sastry, and Yi Ma

Robust Face Recognition via Sparse Representation Authors: John Wright, Allen Y. Yang, Arvind Ganesh, S. Shankar Sastry, and Yi Ma Robust Face Recognition via Sparse Representation Authors: John Wright, Allen Y. Yang, Arvind Ganesh, S. Shankar Sastry, and Yi Ma Presented by Hu Han Jan. 30 2014 For CSE 902 by Prof. Anil K. Jain: Selected

More information

Detecting Burnscar from Hyperspectral Imagery via Sparse Representation with Low-Rank Interference

Detecting Burnscar from Hyperspectral Imagery via Sparse Representation with Low-Rank Interference Detecting Burnscar from Hyperspectral Imagery via Sparse Representation with Low-Rank Interference Minh Dao 1, Xiang Xiang 1, Bulent Ayhan 2, Chiman Kwan 2, Trac D. Tran 1 Johns Hopkins Univeristy, 3400

More information

Marginal Space Learning for Efficient Detection of 2D/3D Anatomical Structures in Medical Images

Marginal Space Learning for Efficient Detection of 2D/3D Anatomical Structures in Medical Images Marginal Space Learning for Efficient Detection of 2D/3D Anatomical Structures in Medical Images Yefeng Zheng, Bogdan Georgescu, and Dorin Comaniciu Integrated Data Systems Department, Siemens Corporate

More information

Robust Face Recognition via Sparse Representation

Robust Face Recognition via Sparse Representation Robust Face Recognition via Sparse Representation Panqu Wang Department of Electrical and Computer Engineering University of California, San Diego La Jolla, CA 92092 pawang@ucsd.edu Can Xu Department of

More information

Geometry Representations with Unsupervised Feature Learning

Geometry Representations with Unsupervised Feature Learning Geometry Representations with Unsupervised Feature Learning Yeo-Jin Yoon 1, Alexander Lelidis 2, A. Cengiz Öztireli 3, Jung-Min Hwang 1, Markus Gross 3 and Soo-Mi Choi 1 1 Department of Computer Science

More information

A Novel Image Super-resolution Reconstruction Algorithm based on Modified Sparse Representation

A Novel Image Super-resolution Reconstruction Algorithm based on Modified Sparse Representation , pp.162-167 http://dx.doi.org/10.14257/astl.2016.138.33 A Novel Image Super-resolution Reconstruction Algorithm based on Modified Sparse Representation Liqiang Hu, Chaofeng He Shijiazhuang Tiedao University,

More information

3D Brain Segmentation Using Active Appearance Models and Local Regressors

3D Brain Segmentation Using Active Appearance Models and Local Regressors 3D Brain Segmentation Using Active Appearance Models and Local Regressors K.O. Babalola, T.F. Cootes, C.J. Twining, V. Petrovic, and C.J. Taylor Division of Imaging Science and Biomedical Engineering,

More information

Total Variation Regularization Method for 3D Rotational Coronary Angiography

Total Variation Regularization Method for 3D Rotational Coronary Angiography Total Variation Regularization Method for 3D Rotational Coronary Angiography Haibo Wu 1,2, Christopher Rohkohl 1,3, Joachim Hornegger 1,2 1 Pattern Recognition Lab (LME), Department of Computer Science,

More information

Robust Multimodal Dictionary Learning

Robust Multimodal Dictionary Learning Robust Multimodal Dictionary Learning Tian Cao 1, Vladimir Jojic 1, Shannon Modla 3, Debbie Powell 3, Kirk Czymmek 4, and Marc Niethammer 1,2 1 University of North Carolina at Chapel Hill, NC 2 Biomedical

More information

Sparsity and image processing

Sparsity and image processing Sparsity and image processing Aurélie Boisbunon INRIA-SAM, AYIN March 6, Why sparsity? Main advantages Dimensionality reduction Fast computation Better interpretability Image processing pattern recognition

More information

Correspondence Detection Using Wavelet-Based Attribute Vectors

Correspondence Detection Using Wavelet-Based Attribute Vectors Correspondence Detection Using Wavelet-Based Attribute Vectors Zhong Xue, Dinggang Shen, and Christos Davatzikos Section of Biomedical Image Analysis, Department of Radiology University of Pennsylvania,

More information

Algebraic Iterative Methods for Computed Tomography

Algebraic Iterative Methods for Computed Tomography Algebraic Iterative Methods for Computed Tomography Per Christian Hansen DTU Compute Department of Applied Mathematics and Computer Science Technical University of Denmark Per Christian Hansen Algebraic

More information

Redundancy Encoding for Fast Dynamic MR Imaging using Structured Sparsity

Redundancy Encoding for Fast Dynamic MR Imaging using Structured Sparsity Redundancy Encoding for Fast Dynamic MR Imaging using Structured Sparsity Vimal Singh and Ahmed H. Tewfik Electrical and Computer Engineering Dept., The University of Texas at Austin, USA Abstract. For

More information

Semi-automatic Segmentation of Vertebral Bodies in Volumetric MR Images Using a Statistical Shape+Pose Model

Semi-automatic Segmentation of Vertebral Bodies in Volumetric MR Images Using a Statistical Shape+Pose Model Semi-automatic Segmentation of Vertebral Bodies in Volumetric MR Images Using a Statistical Shape+Pose Model A. Suzani, A. Rasoulian S. Fels, R. N. Rohling P. Abolmaesumi Robotics and Control Laboratory,

More information

Adaptive Dictionary Learning For Competitive Classification Of Multiple Sclerosis Lesions

Adaptive Dictionary Learning For Competitive Classification Of Multiple Sclerosis Lesions Adaptive Dictionary Learning For Competitive Classification Of Multiple Sclerosis Lesions Hrishikesh Deshpande, Pierre Maurel, Christian Barillot To cite this version: Hrishikesh Deshpande, Pierre Maurel,

More information

The Benefit of Tree Sparsity in Accelerated MRI

The Benefit of Tree Sparsity in Accelerated MRI The Benefit of Tree Sparsity in Accelerated MRI Chen Chen and Junzhou Huang Department of Computer Science and Engineering, The University of Texas at Arlington, TX, USA 76019 Abstract. The wavelet coefficients

More information

Sparse Models in Image Understanding And Computer Vision

Sparse Models in Image Understanding And Computer Vision Sparse Models in Image Understanding And Computer Vision Jayaraman J. Thiagarajan Arizona State University Collaborators Prof. Andreas Spanias Karthikeyan Natesan Ramamurthy Sparsity Sparsity of a vector

More information

Total Variation Regularization Method for 3-D Rotational Coronary Angiography

Total Variation Regularization Method for 3-D Rotational Coronary Angiography Total Variation Regularization Method for 3-D Rotational Coronary Angiography Haibo Wu 1,2, Christopher Rohkohl 1,3, Joachim Hornegger 1,2 1 Pattern Recognition Lab (LME), Department of Computer Science,

More information

Methodological progress in image registration for ventilation estimation, segmentation propagation and multi-modal fusion

Methodological progress in image registration for ventilation estimation, segmentation propagation and multi-modal fusion Methodological progress in image registration for ventilation estimation, segmentation propagation and multi-modal fusion Mattias P. Heinrich Julia A. Schnabel, Mark Jenkinson, Sir Michael Brady 2 Clinical

More information

MULTI-POSE FACE HALLUCINATION VIA NEIGHBOR EMBEDDING FOR FACIAL COMPONENTS. Yanghao Li, Jiaying Liu, Wenhan Yang, Zongming Guo

MULTI-POSE FACE HALLUCINATION VIA NEIGHBOR EMBEDDING FOR FACIAL COMPONENTS. Yanghao Li, Jiaying Liu, Wenhan Yang, Zongming Guo MULTI-POSE FACE HALLUCINATION VIA NEIGHBOR EMBEDDING FOR FACIAL COMPONENTS Yanghao Li, Jiaying Liu, Wenhan Yang, Zongg Guo Institute of Computer Science and Technology, Peking University, Beijing, P.R.China,

More information

Weighted-CS for reconstruction of highly under-sampled dynamic MRI sequences

Weighted-CS for reconstruction of highly under-sampled dynamic MRI sequences Weighted- for reconstruction of highly under-sampled dynamic MRI sequences Dornoosh Zonoobi and Ashraf A. Kassim Dept. Electrical and Computer Engineering National University of Singapore, Singapore E-mail:

More information

Learning based face hallucination techniques: A survey

Learning based face hallucination techniques: A survey Vol. 3 (2014-15) pp. 37-45. : A survey Premitha Premnath K Department of Computer Science & Engineering Vidya Academy of Science & Technology Thrissur - 680501, Kerala, India (email: premithakpnath@gmail.com)

More information

Hyperspectral Data Classification via Sparse Representation in Homotopy

Hyperspectral Data Classification via Sparse Representation in Homotopy Hyperspectral Data Classification via Sparse Representation in Homotopy Qazi Sami ul Haq,Lixin Shi,Linmi Tao,Shiqiang Yang Key Laboratory of Pervasive Computing, Ministry of Education Department of Computer

More information

Learning-based Neuroimage Registration

Learning-based Neuroimage Registration Learning-based Neuroimage Registration Leonid Teverovskiy and Yanxi Liu 1 October 2004 CMU-CALD-04-108, CMU-RI-TR-04-59 School of Computer Science Carnegie Mellon University Pittsburgh, PA 15213 Abstract

More information

Automatic Delineation of Left and Right Ventricles in Cardiac MRI Sequences Using a Joint Ventricular Model

Automatic Delineation of Left and Right Ventricles in Cardiac MRI Sequences Using a Joint Ventricular Model Automatic Delineation of Left and Right Ventricles in Cardiac MRI Sequences Using a Joint Ventricular Model Xiaoguang Lu 1,, Yang Wang 1, Bogdan Georgescu 1, Arne Littman 2, and Dorin Comaniciu 1 1 Siemens

More information

Ensemble registration: Combining groupwise registration and segmentation

Ensemble registration: Combining groupwise registration and segmentation PURWANI, COOTES, TWINING: ENSEMBLE REGISTRATION 1 Ensemble registration: Combining groupwise registration and segmentation Sri Purwani 1,2 sri.purwani@postgrad.manchester.ac.uk Tim Cootes 1 t.cootes@manchester.ac.uk

More information

Image Coding with Active Appearance Models

Image Coding with Active Appearance Models Image Coding with Active Appearance Models Simon Baker, Iain Matthews, and Jeff Schneider CMU-RI-TR-03-13 The Robotics Institute Carnegie Mellon University Abstract Image coding is the task of representing

More information

Sparsity Based Regularization

Sparsity Based Regularization 9.520: Statistical Learning Theory and Applications March 8th, 200 Sparsity Based Regularization Lecturer: Lorenzo Rosasco Scribe: Ioannis Gkioulekas Introduction In previous lectures, we saw how regularization

More information

Robust boundary detection and tracking of left ventricles on ultrasound images using active shape model and ant colony optimization

Robust boundary detection and tracking of left ventricles on ultrasound images using active shape model and ant colony optimization Bio-Medical Materials and Engineering 4 (04) 893 899 DOI 0.333/BME-408 IOS Press 893 Robust boundary detection and tracking of left ventricles on ultrasound images using active shape model and ant colony

More information

Department of Electronics and Communication KMP College of Engineering, Perumbavoor, Kerala, India 1 2

Department of Electronics and Communication KMP College of Engineering, Perumbavoor, Kerala, India 1 2 Vol.3, Issue 3, 2015, Page.1115-1021 Effect of Anti-Forensics and Dic.TV Method for Reducing Artifact in JPEG Decompression 1 Deepthy Mohan, 2 Sreejith.H 1 PG Scholar, 2 Assistant Professor Department

More information

An R Package flare for High Dimensional Linear Regression and Precision Matrix Estimation

An R Package flare for High Dimensional Linear Regression and Precision Matrix Estimation An R Package flare for High Dimensional Linear Regression and Precision Matrix Estimation Xingguo Li Tuo Zhao Xiaoming Yuan Han Liu Abstract This paper describes an R package named flare, which implements

More information

A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields

A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields Lars König, Till Kipshagen and Jan Rühaak Fraunhofer MEVIS Project Group Image Registration,

More information

Learning to Match. Jun Xu, Zhengdong Lu, Tianqi Chen, Hang Li

Learning to Match. Jun Xu, Zhengdong Lu, Tianqi Chen, Hang Li Learning to Match Jun Xu, Zhengdong Lu, Tianqi Chen, Hang Li 1. Introduction The main tasks in many applications can be formalized as matching between heterogeneous objects, including search, recommendation,

More information

A Multiple-Layer Flexible Mesh Template Matching Method for Nonrigid Registration between a Pelvis Model and CT Images

A Multiple-Layer Flexible Mesh Template Matching Method for Nonrigid Registration between a Pelvis Model and CT Images A Multiple-Layer Flexible Mesh Template Matching Method for Nonrigid Registration between a Pelvis Model and CT Images Jianhua Yao 1, Russell Taylor 2 1. Diagnostic Radiology Department, Clinical Center,

More information

Automatic Multi-organ Segmentation Using Learning-Based Segmentation and Level Set Optimization

Automatic Multi-organ Segmentation Using Learning-Based Segmentation and Level Set Optimization Automatic Multi-organ Segmentation Using Learning-Based Segmentation and Level Set Optimization Timo Kohlberger 1,MichalSofka 1, Jingdan Zhang 1,NeilBirkbeck 1, Jens Wetzl 1,JensKaftan 2,Jérôme Declerck

More information

Supplementary Material : Partial Sum Minimization of Singular Values in RPCA for Low-Level Vision

Supplementary Material : Partial Sum Minimization of Singular Values in RPCA for Low-Level Vision Supplementary Material : Partial Sum Minimization of Singular Values in RPCA for Low-Level Vision Due to space limitation in the main paper, we present additional experimental results in this supplementary

More information

Lesion Segmentation and Bias Correction in Breast Ultrasound B-mode Images Including Elastography Information

Lesion Segmentation and Bias Correction in Breast Ultrasound B-mode Images Including Elastography Information Lesion Segmentation and Bias Correction in Breast Ultrasound B-mode Images Including Elastography Information Gerard Pons a, Joan Martí a, Robert Martí a, Mariano Cabezas a, Andrew di Battista b, and J.

More information

Pathology Hinting as the Combination of Automatic Segmentation with a Statistical Shape Model

Pathology Hinting as the Combination of Automatic Segmentation with a Statistical Shape Model Pathology Hinting as the Combination of Automatic Segmentation with a Statistical Shape Model Pascal A. Dufour 12,HannanAbdillahi 3, Lala Ceklic 3,Ute Wolf-Schnurrbusch 23,JensKowal 12 1 ARTORG Center

More information

Hierarchical Segmentation and Identification of Thoracic Vertebra Using Learning-Based Edge Detection and Coarse-to-Fine Deformable Model

Hierarchical Segmentation and Identification of Thoracic Vertebra Using Learning-Based Edge Detection and Coarse-to-Fine Deformable Model Hierarchical Segmentation and Identification of Thoracic Vertebra Using Learning-Based Edge Detection and Coarse-to-Fine Deformable Model Jun Ma, Le Lu, Yiqiang Zhan, Xiang Zhou, Marcos Salganicoff, and

More information

ICA vs. PCA Active Appearance Models: Application to Cardiac MR Segmentation

ICA vs. PCA Active Appearance Models: Application to Cardiac MR Segmentation ICA vs. PCA Active Appearance Models: Application to Cardiac MR Segmentation M. Üzümcü 1, A.F. Frangi 2, M. Sonka 3, J.H.C. Reiber 1, B.P.F. Lelieveldt 1 1 Div. of Image Processing, Dept. of Radiology

More information

Pathology Hinting as the Combination of Automatic Segmentation with a Statistical Shape Model

Pathology Hinting as the Combination of Automatic Segmentation with a Statistical Shape Model Pathology Hinting as the Combination of Automatic Segmentation with a Statistical Shape Model Pascal A. Dufour 1,2, Hannan Abdillahi 3, Lala Ceklic 3, Ute Wolf-Schnurrbusch 2,3, and Jens Kowal 1,2 1 ARTORG

More information

IMAGE DENOISING USING NL-MEANS VIA SMOOTH PATCH ORDERING

IMAGE DENOISING USING NL-MEANS VIA SMOOTH PATCH ORDERING IMAGE DENOISING USING NL-MEANS VIA SMOOTH PATCH ORDERING Idan Ram, Michael Elad and Israel Cohen Department of Electrical Engineering Department of Computer Science Technion - Israel Institute of Technology

More information

INCOHERENT DICTIONARY LEARNING FOR SPARSE REPRESENTATION BASED IMAGE DENOISING

INCOHERENT DICTIONARY LEARNING FOR SPARSE REPRESENTATION BASED IMAGE DENOISING INCOHERENT DICTIONARY LEARNING FOR SPARSE REPRESENTATION BASED IMAGE DENOISING Jin Wang 1, Jian-Feng Cai 2, Yunhui Shi 1 and Baocai Yin 1 1 Beijing Key Laboratory of Multimedia and Intelligent Software

More information

PROSTATE CANCER DETECTION USING LABEL IMAGE CONSTRAINED MULTIATLAS SELECTION

PROSTATE CANCER DETECTION USING LABEL IMAGE CONSTRAINED MULTIATLAS SELECTION PROSTATE CANCER DETECTION USING LABEL IMAGE CONSTRAINED MULTIATLAS SELECTION Ms. Vaibhavi Nandkumar Jagtap 1, Mr. Santosh D. Kale 2 1 PG Scholar, 2 Assistant Professor, Department of Electronics and Telecommunication,

More information

On-line, Incremental Learning of a Robust Active Shape Model

On-line, Incremental Learning of a Robust Active Shape Model On-line, Incremental Learning of a Robust Active Shape Model Michael Fussenegger 1, Peter M. Roth 2, Horst Bischof 2, Axel Pinz 1 1 Institute of Electrical Measurement and Measurement Signal Processing

More information

The flare Package for High Dimensional Linear Regression and Precision Matrix Estimation in R

The flare Package for High Dimensional Linear Regression and Precision Matrix Estimation in R Journal of Machine Learning Research 6 (205) 553-557 Submitted /2; Revised 3/4; Published 3/5 The flare Package for High Dimensional Linear Regression and Precision Matrix Estimation in R Xingguo Li Department

More information

Medical Image Analysis Active Shape Models

Medical Image Analysis Active Shape Models Medical Image Analysis Active Shape Models Mauricio Reyes, Ph.D. mauricio.reyes@istb.unibe.ch ISTB - Institute for Surgical Technology and Biomechanics University of Bern Lecture Overview! Statistical

More information

Chapter 9 Conclusions

Chapter 9 Conclusions Chapter 9 Conclusions This dissertation has described a new method for using local medial properties of shape to identify and measure anatomical structures. A bottom up approach based on image properties

More information

Implicit Active Shape Models for 3D Segmentation in MR Imaging

Implicit Active Shape Models for 3D Segmentation in MR Imaging Implicit Active Shape Models for 3D Segmentation in MR Imaging Mikaël Rousson 1, Nikos Paragios 2, and Rachid Deriche 1 1 I.N.R.I.A. Sophia Antipolis, France E-mail: {Mikael.Rousson,Rachid.Deriche}@sophia.inria.fr

More information

Automatic Mitral Valve Inflow Measurements from Doppler Echocardiography

Automatic Mitral Valve Inflow Measurements from Doppler Echocardiography Automatic Mitral Valve Inflow Measurements from Doppler Echocardiography JinHyeong Park 1, S. Kevin Zhou 1, John Jackson 2, and Dorin Comaniciu 1 1 Integrated Data Systems,Siemens Corporate Research, Inc.,

More information

A parallel patch based algorithm for CT image denoising on the Cell Broadband Engine

A parallel patch based algorithm for CT image denoising on the Cell Broadband Engine A parallel patch based algorithm for CT image denoising on the Cell Broadband Engine Dominik Bartuschat, Markus Stürmer, Harald Köstler and Ulrich Rüde Friedrich-Alexander Universität Erlangen-Nürnberg,Germany

More information

Atlas Based Segmentation of the prostate in MR images

Atlas Based Segmentation of the prostate in MR images Atlas Based Segmentation of the prostate in MR images Albert Gubern-Merida and Robert Marti Universitat de Girona, Computer Vision and Robotics Group, Girona, Spain {agubern,marly}@eia.udg.edu Abstract.

More information

Boosting and Nonparametric Based Tracking of Tagged MRI Cardiac Boundaries

Boosting and Nonparametric Based Tracking of Tagged MRI Cardiac Boundaries Boosting and Nonparametric Based Tracking of Tagged MRI Cardiac Boundaries Zhen Qian 1, Dimitris N. Metaxas 1,andLeonAxel 2 1 Center for Computational Biomedicine Imaging and Modeling, Rutgers University,

More information

Left Ventricle Endocardium Segmentation for Cardiac CT Volumes Using an Optimal Smooth Surface

Left Ventricle Endocardium Segmentation for Cardiac CT Volumes Using an Optimal Smooth Surface Left Ventricle Endocardium Segmentation for Cardiac CT Volumes Using an Optimal Smooth Surface Yefeng Zheng a, Bogdan Georgescu a, Fernando Vega-Higuera b, and Dorin Comaniciu a a Integrated Data Systems

More information

Nonrigid Surface Modelling. and Fast Recovery. Department of Computer Science and Engineering. Committee: Prof. Leo J. Jia and Prof. K. H.

Nonrigid Surface Modelling. and Fast Recovery. Department of Computer Science and Engineering. Committee: Prof. Leo J. Jia and Prof. K. H. Nonrigid Surface Modelling and Fast Recovery Zhu Jianke Supervisor: Prof. Michael R. Lyu Committee: Prof. Leo J. Jia and Prof. K. H. Wong Department of Computer Science and Engineering May 11, 2007 1 2

More information

Supplemental Material for Efficient MR Image Reconstruction for Compressed MR Imaging

Supplemental Material for Efficient MR Image Reconstruction for Compressed MR Imaging Supplemental Material for Efficient MR Image Reconstruction for Compressed MR Imaging Paper ID: 1195 No Institute Given 1 More Experiment Results 1.1 Visual Comparisons We apply all methods on four 2D

More information

Non-Parametric Bayesian Dictionary Learning for Sparse Image Representations

Non-Parametric Bayesian Dictionary Learning for Sparse Image Representations Non-Parametric Bayesian Dictionary Learning for Sparse Image Representations Mingyuan Zhou, Haojun Chen, John Paisley, Lu Ren, 1 Guillermo Sapiro and Lawrence Carin Department of Electrical and Computer

More information

A Learning Framework for the Automatic and Accurate Segmentation of Cardiac Tagged MRI Images

A Learning Framework for the Automatic and Accurate Segmentation of Cardiac Tagged MRI Images A Learning Framework for the Automatic and Accurate Segmentation of Cardiac Tagged MRI Images Zhen Qian 1, Dimitris N. Metaxas 1,andLeonAxel 2 1 Center for Computational Biomedicine Imaging and Modeling

More information

IMAGE SUPER-RESOLUTION BASED ON DICTIONARY LEARNING AND ANCHORED NEIGHBORHOOD REGRESSION WITH MUTUAL INCOHERENCE

IMAGE SUPER-RESOLUTION BASED ON DICTIONARY LEARNING AND ANCHORED NEIGHBORHOOD REGRESSION WITH MUTUAL INCOHERENCE IMAGE SUPER-RESOLUTION BASED ON DICTIONARY LEARNING AND ANCHORED NEIGHBORHOOD REGRESSION WITH MUTUAL INCOHERENCE Yulun Zhang 1, Kaiyu Gu 2, Yongbing Zhang 1, Jian Zhang 3, and Qionghai Dai 1,4 1 Shenzhen

More information

Face Alignment Under Various Poses and Expressions

Face Alignment Under Various Poses and Expressions Face Alignment Under Various Poses and Expressions Shengjun Xin and Haizhou Ai Computer Science and Technology Department, Tsinghua University, Beijing 100084, China ahz@mail.tsinghua.edu.cn Abstract.

More information

Factorization with Missing and Noisy Data

Factorization with Missing and Noisy Data Factorization with Missing and Noisy Data Carme Julià, Angel Sappa, Felipe Lumbreras, Joan Serrat, and Antonio López Computer Vision Center and Computer Science Department, Universitat Autònoma de Barcelona,

More information

SUPER RESOLUTION RECONSTRUCTION OF CARDIAC MRI USING COUPLED DICTIONARY LEARNING

SUPER RESOLUTION RECONSTRUCTION OF CARDIAC MRI USING COUPLED DICTIONARY LEARNING SUPER RESOLUTION RECONSTRUCTION OF CARDIAC MRI USING COUPLED DICTIONARY LEARNING Abstract M. Vinod Kumar (M.tech) 1 V. Gurumurthy Associate Professor, M.Tech (Ph.D) 2 Dr.M. Narayana, Professor, Head of

More information

Low-Rank to the Rescue Atlas-based Analyses in the Presence of Pathologies

Low-Rank to the Rescue Atlas-based Analyses in the Presence of Pathologies Low-Rank to the Rescue Atlas-based Analyses in the Presence of Pathologies Xiaoxiao Liu 1, Marc Niethammer 2, Roland Kwitt 3, Matthew McCormick 1, and Stephen Aylward 1 1 Kitware Inc., USA 2 University

More information

Compressive Sensing MRI with Wavelet Tree Sparsity

Compressive Sensing MRI with Wavelet Tree Sparsity Compressive Sensing MRI with Wavelet Tree Sparsity Chen Chen and Junzhou Huang Department of Computer Science and Engineering University of Texas at Arlington cchen@mavs.uta.edu jzhuang@uta.edu Abstract

More information

IMAGE RESTORATION VIA EFFICIENT GAUSSIAN MIXTURE MODEL LEARNING

IMAGE RESTORATION VIA EFFICIENT GAUSSIAN MIXTURE MODEL LEARNING IMAGE RESTORATION VIA EFFICIENT GAUSSIAN MIXTURE MODEL LEARNING Jianzhou Feng Li Song Xiaog Huo Xiaokang Yang Wenjun Zhang Shanghai Digital Media Processing Transmission Key Lab, Shanghai Jiaotong University

More information

Learning Algorithms for Medical Image Analysis. Matteo Santoro slipguru

Learning Algorithms for Medical Image Analysis. Matteo Santoro slipguru Learning Algorithms for Medical Image Analysis Matteo Santoro slipguru santoro@disi.unige.it June 8, 2010 Outline 1. learning-based strategies for quantitative image analysis 2. automatic annotation of

More information

Iterative CT Reconstruction Using Curvelet-Based Regularization

Iterative CT Reconstruction Using Curvelet-Based Regularization Iterative CT Reconstruction Using Curvelet-Based Regularization Haibo Wu 1,2, Andreas Maier 1, Joachim Hornegger 1,2 1 Pattern Recognition Lab (LME), Department of Computer Science, 2 Graduate School in

More information