Knowledge (XXG)

Image segmentation

Source 📝

4162:. In 1989, Reinhard Eckhorn introduced a neural model to emulate the mechanism of a cat's visual cortex. The Eckhorn model provided a simple and effective tool for studying the visual cortex of small mammals, and was soon recognized as having significant application potential in image processing. In 1994, the Eckhorn model was adapted to be an image processing algorithm by John L. Johnson, who termed this algorithm Pulse-Coupled Neural Network. Over the past decade, PCNNs have been utilized for a variety of image processing applications, including: image segmentation, feature generation, face extraction, motion detection, region growing, noise reduction, and so on. A PCNN is a two-dimensional neural network. Each neuron in the network corresponds to one pixel in an input image, receiving its corresponding pixel's color information (e.g. intensity) as an external stimulus. Each neuron also connects with its neighboring neurons, receiving local stimuli from them. The external and local stimuli are combined in an internal activation system, which accumulates the stimuli until it exceeds a dynamic threshold, resulting in a pulse output. Through iterative computation, PCNN neurons produce temporal series of pulse outputs. The temporal series of pulse outputs contain information of input images and can be utilized for various image processing applications, such as image segmentation and feature generation. Compared with conventional image processing means, PCNNs have several significant merits, including robustness against noise, independence of geometric variations in input patterns, capability of bridging minor intensity variations in input patterns, etc. 2259:
an implicit manner. The central idea is to represent the evolving contour using a signed function whose zero corresponds to the actual contour. Then, according to the motion equation of the contour, one can easily derive a similar flow for the implicit surface that when applied to the zero level will reflect the propagation of the contour. The level-set method affords numerous advantages: it is implicit, is parameter-free, provides a direct way to estimate the geometric properties of the evolving structure, allows for change of topology, and is intrinsic. It can be used to define an optimization framework, as proposed by Zhao, Merriman and Osher in 1996. One can conclude that it is a very convenient framework for addressing numerous applications of computer vision and medical image analysis. Research into various
411: 31: 2246:"), is generally criticized for its limitations regarding the choice of sampling strategy, the internal geometric properties of the curve, topology changes (curve splitting and merging), addressing problems in higher dimensions, etc.. Nowadays, efficient "discretized" formulations have been developed to address these limitations while maintaining high efficiency. In both cases, energy minimization is generally conducted using a steepest-gradient descent, whereby derivatives are computed using, e.g., finite differences. 4097:
been carried over to clinical use by Dam. Vincken et al. proposed a hyperstack for defining probabilistic relations between image structures at different scales. The use of stable image structures over scales has been furthered by Ahuja and his co-workers into a fully automated system. A fully automatic brain segmentation algorithm based on closely related ideas of multi-scale watersheds has been presented by Undeman and Lindeberg and been extensively tested in brain databases.
425: 3989: 2218:(PDE)-based method and solving the PDE equation by a numerical scheme, one can segment the image. Curve propagation is a popular technique in this category, with numerous applications to object extraction, object tracking, stereo reconstruction, etc. The central idea is to evolve an initial curve towards the lowest potential of a cost function, where its definition reflects the task to be addressed. As for most 627:
simple agglomerative clustering method. The distortion in the lossy compression determines the coarseness of the segmentation and its optimal value may differ for each image. This parameter can be estimated heuristically from the contrast of textures in an image. For example, when the textures in an image are similar, such as in camouflage images, stronger sensitivity and thus lower quantization is required.
669:
the results are merged, peaks and valleys that were previously difficult to identify are more likely to be distinguishable. The histogram can also be applied on a per-pixel basis where the resulting information is used to determine the most frequent color for the pixel location. This approach segments based on active objects and a static environment, resulting in a different type of segmentation useful in
2854:(MRF) for images was suggested in early 1984 by Geman and Geman. Their strong mathematical foundation and ability to provide a global optimum even when defined on local features proved to be the foundation for novel research in the domain of image analysis, de-noising and segmentation. MRFs are completely characterized by their prior probability distributions, marginal probability distributions, 126: 3644: 1862:. The pixel with the smallest difference measured in this way is assigned to the respective region. This process continues until all pixels are assigned to a region. Because seeded region growing requires seeds as additional input, the segmentation results are dependent on the choice of seeds, and noise in the image can cause the seeds to be poorly placed. 1830:(SRM) starts by building the graph of pixels using 4-connectedness with edges weighted by the absolute value of the intensity difference. Initially each pixel forms a single pixel region. SRM then sorts those edges in a priority queue and decides whether or not to merge the current regions belonging to the edge pixels using a statistical predicate. 4089:
proposed to study how iso-intensity contours evolve over scales and this approach was investigated in more detail by Lifshitz and Pizer. Unfortunately, however, the intensity of image features changes over scales, which implies that it is hard to trace coarse-scale image features to finer scales using iso-intensity information.
2858:, smoothing constraint as well as criterion for updating values. The criterion for image segmentation using MRFs is restated as finding the labelling scheme which has maximum probability for a given set of features. The broad categories of image segmentation using MRFs are supervised and unsupervised segmentation. 4037:
prior. Such a task may involve (i) registration of the training examples to a common pose, (ii) probabilistic representation of the variation of the registered samples, and (iii) statistical inference between the model and the image. Other important methods in the literature for model-based segmentation include
4096:
Gauch and Pizer studied the complementary problem of ridges and valleys at multiple scales and developed a tool for interactive image segmentation based on multi-scale watersheds. The use of multi-scale watershed with application to the gradient map has also been investigated by Olsen and Nielsen and
4092:
Lindeberg studied the problem of linking local extrema and saddle points over scales, and proposed an image representation called the scale-space primal sketch which makes explicit the relations between structures at different scales, and also makes explicit which image features are stable over large
3671:
is utilized to iteratively estimate the a posterior probabilities and distributions of labeling when no training data is available and no estimate of segmentation model can be formed. A general approach is to use histograms to represent the features of an image and proceed as outlined briefly in this
1429:
This mathematical expression can be implemented by convolving with an appropriate mask. If we extend this equation to three dimensions (x,y,z), the intensity at each pixel location around a central pixel at (x, y, z) is replaced by their corresponding values. This equation becomes particularly useful
696:
psychological designation of figure-ground, but are extended to include foreground, object groups, objects and salient object parts. Edge detection methods can be applied to the spatial-taxon region, in the same manner they would be applied to a silhouette. This method is particularly useful when the
589:
Compression based methods postulate that the optimal segmentation is the one that minimizes, over all possible segmentations, the coding length of the data. The connection between these two concepts is that segmentation tries to find patterns in an image and any regularity in the image can be used to
4084:
There have been numerous research works in this area, out of which a few have now reached a state where they can be applied either with interactive manual intervention (usually with application to medical imaging) or fully automatically. The following is a brief overview of some of the main research
3864:
3. M step: The established relevance of a given feature set to a labeling scheme is now used to compute the a priori estimate of a given label in the second part of the algorithm. Since the actual number of total labels is unknown (from a training data set), a hidden estimate of the number of labels
2258:
was initially proposed to track moving interfaces by Dervieux and Thomasset in 1979 and 1981 and was later reinvented by Osher and Sethian in 1988. This has spread across various imaging domains in the late 1990s. It can be used to efficiently address the problem of curve/surface/etc. propagation in
668:
Histogram-based approaches can also be quickly adapted to apply to multiple frames, while maintaining their single pass efficiency. The histogram can be done in multiple fashions when multiple frames are considered. The same approach that is taken with one frame can be applied to multiple, and after
621:
whose entropy has a closed form expression. An interesting property of this model is that the estimated entropy bounds the true entropy of the data from above. This is because among all distributions with a given mean and covariance, normal distribution has the largest entropy. Thus, the true coding
390:
New methods suggested the usage of multi-dimensional fuzzy rule-based non-linear thresholds. In these works decision over each pixel's membership to a segment is based on multi-dimensional rules derived from fuzzy logic and evolutionary algorithms based on image lighting environment and application.
4027:
considers the gradient magnitude of an image as a topographic surface. Pixels having the highest gradient magnitude intensities (GMIs) correspond to watershed lines, which represent the region boundaries. Water placed on any pixel enclosed by a common watershed line flows downhill to a common local
2167:
This method starts at the root of the tree that represents the whole image. If it is found non-uniform (not homogeneous), then it is split into four child squares (the splitting process), and so on. If, in contrast, four child squares are homogeneous, they are merged as several connected components
4176:
architecture, as such it contains two sub-structures. The encoder structure follows the traditional stack of convolutional and max pooling layers to increase the receptive field as it goes through the layers. It is used to capture the context in the image. The decoder structure utilizes transposed
626:
For any given segmentation of an image, this scheme yields the number of bits required to encode that image based on the given segmentation. Thus, among all possible segmentations of an image, the goal is to find the segmentation which produces the shortest coding length. This can be achieved by a
4128:
Most of the aforementioned segmentation methods are based only on color information of pixels in the image. Humans use much more knowledge when performing image segmentation, but implementing this knowledge would cost considerable human engineering and computational time, and would require a huge
4100:
These ideas for multi-scale image segmentation by linking image structures over scales have also been picked up by Florack and Kuijper. Bijaoui and Rué associate structures detected in scale-space above a minimum noise threshold into an object tree which spans multiple scales and corresponds to a
1822:
methods rely mainly on the assumption that the neighboring pixels within one region have similar values. The common procedure is to compare one pixel with its neighbors. If a similarity criterion is satisfied, the pixel can be set to belong to the same cluster as one or more of its neighbors. The
1671:
This method is a combination of three characteristics of the image: partition of the image based on histogram analysis is checked by high compactness of the clusters (objects), and high gradients of their borders. For that purpose two spaces have to be introduced: one space is the one-dimensional
4180:
In addition to pixel-level semantic segmentation tasks which assign a given category to each pixel, modern segmentation applications include instance-level semantic segmentation tasks in which each individual in a given category must be uniquely identified, as well as panoptic segmentation tasks
4036:
The central assumption of model-based approaches is that the structures of interest have a tendency towards a particular shape. Therefore, one can seek a probabilistic model that characterizes the shape and its variation. When segmenting an image, constraints can be imposed using this model as a
3658:
A range of other methods exist for solving simple as well as higher order MRFs. They include Maximization of Posterior Marginal, Multi-scale MAP estimation, Multiple Resolution segmentation and more. Apart from likelihood estimates, graph-cut using maximum flow and other highly constrained graph
4088:
The nesting structure that Witkin described is, however, specific for one-dimensional signals and does not trivially transfer to higher-dimensional images. Nevertheless, this general idea has inspired several other authors to investigate coarse-to-fine schemes for image segmentation. Koenderink
4075:
A key observation is that the zero-crossings of the second derivatives (minima and maxima of the first derivative or slope) of multi-scale-smoothed versions of a signal form a nesting tree, which defines hierarchical relations between segments at different scales. Specifically, slope extrema at
3470: 1837:
method is the seeded region growing method. This method takes a set of seeds as input along with the image. The seeds mark each of the objects to be segmented. The regions are iteratively grown by comparison of all unallocated neighboring pixels to the regions. The difference between a pixel's
1662:
The detection of isolated points has significant applications in various fields, including X-ray image processing. For instance, an original X-ray image of a turbine blade can be examined pixel-by-pixel to detect porosity in the upper-right quadrant of the blade. The result of applying an edge
3187:
Each optimization algorithm is an adaptation of models from a variety of fields and they are set apart by their unique cost functions. The common trait of cost functions is to penalize change in pixel value as well as difference in pixel label when compared to labels of neighboring pixels.
2042:
of the region and the intensity of the candidate pixel are used to compute a test statistic. If the test statistic is sufficiently small, the pixel is added to the region, and the region's mean and scatter are recomputed. Otherwise, the pixel is rejected, and is used to form a new region.
684:
is a well-developed field on its own within image processing. Region boundaries and edges are closely related, since there is often a sharp adjustment in intensity at the region boundaries. Edge detection techniques have therefore been used as the base of another segmentation technique.
3830: 2825:
weights define the (dis)similarity between the neighborhood pixels. The graph (image) is then partitioned according to a criterion designed to model "good" clusters. Each partition of the nodes (pixels) output from these algorithms are considered an object segment in the image; see
4120:, Intelligent Scissors or IT-SNAPS are used in this kind of segmentation. In an alternative kind of semi-automatic segmentation, the algorithms return a spatial-taxon (i.e. foreground, object-group, object or object-part) selected by the user or designated via prior probabilities. 348:
combines both semantic and instance segmentation. Like semantic segmentation, panoptic segmentation is an approach that identifies, for every pixel, the belonging class. Moreover, like in instance segmentation, panoptic segmentation distinguishes different instances of the same
4195:
Related images such as a photo album or a sequence of video frames often contain semantically similar objects and scenes, therefore it is often beneficial to exploit such correlations. The task of simultaneously segmenting scenes from related images or video frames is termed
3354: 3152: 2168:(the merging process). The node in the tree is a segmented node. This process continues recursively until no further splits or merges are possible. When a special data structure is involved in the implementation of the algorithm of the method, its time complexity can reach 6266:
C. Undeman and T. Lindeberg (2003) "Fully Automatic Segmentation of MRI Brain Images using Probabilistic Anisotropic Diffusion and Multi-Scale Watersheds", Proc. Scale-Space'03, Isle of Skye, Scotland, Springer Lecture Notes in Computer Science, volume 2695, pages
4177:
convolution layers for upsampling so that the end dimensions are close to that of the input image. Skip connections are placed between convolution and transposed convolution layers of the same shape in order to preserve details that would have been lost otherwise.
2233:
techniques are based on parameterizing the contour according to some sampling strategy and then evolving each element according to image and internal terms. Such techniques are fast and efficient, however the original "purely parametric" formulation (due to Kass,
700:
Segmentation methods can also be applied to edges obtained from edge detectors. Lindeberg and Li developed an integrated method that segments edges into straight and curved edge segments for parts-based object recognition, based on a minimum description length
4076:
coarse scales can be traced back to corresponding features at fine scales. When a slope maximum and slope minimum annihilate each other at a larger scale, the three segments that they separated merge into one segment, thus defining the hierarchy of segments.
4093:
ranges of scale including locally appropriate scales for those. Bergholm proposed to detect edges at coarse scales in scale-space and then trace them back to finer scales with manual choice of both the coarse detection scale and the fine localization scale.
2812:
partitioning methods are an effective tools for image segmentation since they model the impact of pixel neighborhoods on a given cluster of pixels or pixel, under the assumption of homogeneity in images. In these methods, the image is modeled as a weighted,
869: 4144:
can process small areas of an image to extract simple features such as edges. Another neural network, or any decision-making mechanism, can then combine these features to label the areas of an image accordingly. A type of network designed this way is the
2676: 1654:. If the response magnitude is greater than or equal to the threshold, the function returns 1, indicating the presence of an isolated point; otherwise, it returns 0. This helps in the effective detection and segmentation of isolated points in the image. 1584: 3960: 6313:
Barghout, Lauren. Visual Taxometric Approach to Image Segmentation using Fuzzy-Spatial Taxon Cut Yields Contextually Relevant Regions. IPMU 2014, Part II. A. Laurent et al (Eds.) CCIS 443, pp 163–173. Springer International Publishing
1700:). The first space allows to measure how compactly the brightness of the image is distributed by calculating a minimal clustering kmin. Threshold brightness T corresponding to kmin defines the binary (black-and-white) image – bitmap 1896:—the pixel chosen here does not markedly influence the final segmentation. At each iteration it considers the neighboring pixels in the same way as seeded region growing. It differs from seeded region growing in that if the minimum 1241: 1094: 2399: 6173:
Dam, E., Johansen, P., Olsen, O. Thomsen,, A. Darvann, T., Dobrzenieck, A., Hermann, N., Kitai, N., Kreiborg, S., Larsen, P., Nielsen, M.: "Interactive multi-scale segmentation in clinical use" in European Congress of Radiology
3649:
the algorithm selects the newly formed graph. Simulated annealing requires the input of temperature schedules which directly affects the speed of convergence of the system, as well as energy threshold for minimization to occur.
2283:
The goal of variational methods is to find a segmentation which is optimal with respect to a specific energy functional. The functionals consist of a data fitting term and a regularizing terms. A classical representative is the
341:
is an approach that identifies, for every pixel, the specific belonging instance of the object. It detects each distinct object of interest in the image. For example, when each person in a figure is segmented as an individual
334:
is an approach detecting, for every pixel, the belonging class. For example, in a figure with many people, all the pixels belonging to persons will have the same class id and the pixels in the background will be classified as
3639:{\displaystyle \ell _{i}={\begin{cases}\ell _{i}^{\text{new}},&{\text{if }}\Delta U\leq 0,\\\ell _{i}^{\text{new}},&{\text{if }}\Delta U>0{\text{ and }}\delta <e^{-\Delta U/T},\ell _{i}^{\text{old}}\end{cases}}} 1433:
A sphere mask has been developed for use with three-dimensional datasets. The sphere mask is designed to use only integer arithmetic during calculations, thereby eliminating the need for floating-point hardware or software.
713:
The detection of isolated points in an image is a fundamental part of image segmentation. This process primarily depends on the second derivative, indicating the use of the Laplacian operator. The Laplacian of a function
3412:(SA) uses change in pixel label over iterations and estimates the difference in energy of each newly formed graph to the initial data. If the newly formed graph is more profitable, in terms of low energy cost, given by: 1424: 688:
The edges identified by edge detection are often disconnected. To segment an object from an image however, one needs closed region boundaries. The desired edges are the boundaries between such objects or spatial-taxons.
705:) criterion that was optimized by a split-and-merge-like method with candidate breakpoints obtained from complementary junction cues to obtain more likely points at which to consider partitions into different segments. 386:
Recently, methods have been developed for thresholding computed tomography (CT) images. The key idea is that, unlike Otsu's method, the thresholds are derived from the radiographs instead of the (reconstructed) image.
305:
and techniques have been developed for image segmentation. To be useful, these techniques must typically be combined with a domain's specific knowledge in order to effectively solve the domain's segmentation problems.
4718:
Kamalakannan, Sridharan; Gururajan, Arunkumar; Sari-Sarraf, Hamed; Rodney, Long; Antani, Sameer (17 February 2010). "Double-Edge Detection of Radiographic Lumbar Vertebrae Images Using Pressurized Open DGVF Snakes".
2866:
In terms of image segmentation, the function that MRFs seek to maximize is the probability of identifying a labelling scheme given a particular set of features are detected in the image. This is a restatement of the
3692: 3200:(ICM) algorithm tries to reconstruct the ideal labeling scheme by changing the values of each pixel over each iteration and evaluating the energy of the new labeling scheme using the cost function given below, 2222:, the minimization of the cost functional is non-trivial and imposes certain smoothness constraints on the solution, which in the present case can be expressed as geometrical constraints on the evolving curve. 78:). The goal of segmentation is to simplify and/or change the representation of an image into something that is more meaningful and easier to analyze. Image segmentation is typically used to locate objects and 4659:
Ye, En Zhou; Ye, En Hui; Bouthillier, Maxime; Ye, Run Zhou (2022-02-18). "DeepImageTranslator V2: analysis of multimodal medical images using semantic segmentation maps generated through deep learning".
3206: 661:
apply the histogram-seeking method to clusters in the image in order to divide them into smaller clusters. This operation is repeated with smaller and smaller clusters until no more clusters are formed.
590:
compress it. The method describes each segment by its texture and boundary shape. Each of these components is modeled by a probability distribution function and its coding length is computed as follows:
6119:
Lindeberg, T.: Detecting salient blob-like image structures and their scales with a scale-space primal sketch: A method for focus-of-attention, International Journal of Computer Vision, 11(3), 283–318,
6108:
Lifshitz, L. and Pizer, S.: A multiresolution hierarchical approach to image segmentation based on intensity extrema, IEEE Transactions on Pattern Analysis and Machine Intelligence, 12:6, 529–540, 1990.
5971:
S. Geman and D. Geman (1984): "Stochastic relaxation, Gibbs Distributions and Bayesian Restoration of Images", IEEE Transactions on Pattern Analysis and Machine Intelligence, pp. 721–741, Vol. 6, No. 6.
5658: 5124: 2993: 82:(lines, curves, etc.) in images. More precisely, image segmentation is the process of assigning a label to every pixel in an image such that pixels with the same label share certain characteristics. 6150:
Gauch, J. and Pizer, S.: Multiresolution analysis of ridges and valleys in grey-scale images, IEEE Transactions on Pattern Analysis and Machine Intelligence, 15:6 (June 1993), pages: 635–646, 1993.
4072:
Witkin's seminal work in scale space included the notion that a one-dimensional signal could be unambiguously segmented into regions, with one scale parameter controlling the scale of segmentation.
3462: 3400:
is the Kronecker delta function. A major issue with ICM is that, similar to gradient descent, it has a tendency to rest over local maxima and thus not obtain a globally optimal labeling scheme.
1776:
is an object in dual space. On that bitmap a measure has to be defined reflecting how compact distributed black (or white) pixels are. So, the goal is to find objects with good borders. For all
2275:
has been used in image segmentation, and this model has been improved (permitting both positive and negative propagation speeds) in an approach called the generalized fast marching method.
371:
The key of this method is to select the threshold value (or values when multiple-levels are selected). Several popular methods are used in industry including the maximum entropy method,
755: 5444:
Barghout, Lauren (2014). Vision. Global Conceptual Context Changes Local Contrast Processing (Ph.D. Dissertation 2003). Updated to include Computer Vision Techniques. Scholars' Press.
4109:
In one kind of segmentation, the user outlines the region of interest with the mouse clicks and algorithms are applied so that the path that best fits the edge of the image is shown.
4064:
Segmentation criteria can be arbitrarily complex and may take into account global as well as local criteria. A common requirement is that each region must be connected in some sense.
438:. Note that a common technique to improve performance for large images is to downsample the image, compute the clusters, and then reassign the values to the larger image if necessary. 692:
Spatial-taxons are information granules, consisting of a crisp pixel region, stationed at abstraction levels within a hierarchical nested scene architecture. They are similar to the
2538: 3859: 4212:, human action localization methods provide finer-grained results, typically per-image segmentation masks delineating the human object of interest and its action category (e.g., 4871: 1478: 6211:
M. Tabb and N. Ahuja, Unsupervised multiscale image segmentation by integrated edge and region detection, IEEE Transactions on Image Processing, Vol. 6, No. 5, 642–655, 1997.
2791: 2502: 548:
number of clusters. This has the advantage of not having to start with an initial guess of such parameter which makes it a better general solution for more diverse cases.
3871: 137:: The anterior thoracic wall, the airways and the pulmonary vessels anterior to the root of the lung have been digitally removed in order to visualize thoracic contents: 5521: 2204: 4172:
which takes as input an image and outputs a label for each pixel. U-Net initially was developed to detect cell boundaries in biomedical images. U-Net follows classical
2765: 2152: 2132: 2112: 2092: 2064: 1632: 3983: 2021: 1914: 1856: 1437:
When applying these concepts to actual images represented as arrays of numbers, we need to consider what happens when we reach an edge or border region. The function
1470: 907: 747: 2476: 2429: 1988: 1961: 1894: 1663:
detector’s response to this X-ray image can be approximated. This demonstrates the segmentation of isolated points in an image with the aid of single-pixel probes.
3394: 4800: 2739: 2719: 2699: 2522: 2449: 2306: 1934: 1652: 947: 927: 5980:
A. Bouman and M. Shapiro (2002): "A multiscale Random field model for Bayesian image segmentation", IEEE Transactions on Image Processing, pp. 162–177, Vol. 3.
5344:, Proceedings of the Asian Conference on Computer Vision (ACCV) 2009, H. Zha, R.-i. Taniguchi, and S. Maybank (Eds.), Part I, LNCS 5994, pp. 135–146, Springer. 5160: 4464:
Forghani, M.; Forouzanfar, M.; Teshnehlab, M. (2010). "Parameter optimization of improved fuzzy c-means clustering algorithm for brain MR image segmentation".
6568: 6494: 1102: 955: 559:
The idea is simple: look at the differences between a pair of images. Assuming the object of interest is moving, the difference will be exactly that object.
2314: 5648:
Dervieux, A. and Thomasset, F. 1979. A finite element method for the simulation of Raleigh-Taylor instability. Springer Lect. Notes in Math., 771:145–158.
4360:
Barghout, Lauren, and Lawrence W. Lee. "Perceptual information processing system." Paravue Inc. U.S. Patent Application 10/618,543, filed July 11, 2003.
2074:
and neighborhood-linking paths. A degree of connectivity (connectedness) is calculated based on a path that is formed by pixels. For a certain value of
5184:
Kashanipour, A.; Milani, N; Kashanipour, A.; Eghrary, H. (May 2008). "Robust Color Classification Using Fuzzy Rule-Based Particle Swarm Optimization".
4612:"DeepImageTranslator: A free, user-friendly graphical interface for image translation using deep-learning and its applications in 3D CT image analysis" 6367:
Johnson, John L. (September 1994). "Pulse-coupled neural nets: translation, rotation, scale, distortion, and intensity signal invariance for images".
6015:
Corso, Z. Tu, and A. Yuille (2008): "MRF Labelling with Graph-Shifts Algorithm", Proceedings of International workshop on combinatorial Image Analysis
4762:
Georgescu, Mariana-Iuliana; Ionescu, Radu Tudor; Miron, Andreea-Iuliana (2022-12-21). "Diversity-Promoting Ensemble for Medical Image Segmentation".
5259: 2839: 2835: 2827: 642:. In this technique, a histogram is computed from all of the pixels in the image, and the peaks and valleys in the histogram are used to locate the 1252: 4548:"Brain tumor detection and segmentation in a CRF (Conditional random fields) framework with pixel-pairwise affinity and superpixel-level features" 3668: 6327:
Vision: How Global Perceptual Context Changes Local Contrast Processing (Ph.D. Dissertation 2003). Updated to include Computer Vision Techniques
5671:
Osher, Stanley; Sethian, James A (1988). "Fronts propagating with curvature-dependent speed: Algorithms based on Hamilton-Jacobi formulations".
5337: 3825:{\displaystyle P(\lambda \mid f_{i})={\frac {P(f_{i}\mid \lambda )P(\lambda )}{\Sigma _{\lambda \in \Lambda }P(f_{i}\mid \lambda )P(\lambda )}}} 2793:. The optimization problems are known to be NP-hard in general but near-minimizing strategies work well in practice. Classical algorithms are 1869:
method is the unseeded region growing method. It is a modified algorithm that does not require explicit seeds. It starts with a single region
6448: 6335: 6250: 5449: 5201: 4304: 4101:
kind of feature in the original signal. Extracted features are accurately reconstructed using an iterative conjugate gradient matrix method.
6277:
Florack, L. and Kuijper, A.: The topological structure of scale-space images, Journal of Mathematical Imaging and Vision, 12:1, 65–79, 2000.
5767:
Forcadel, Nicolas; Le Guyader, Carole; Gout, Christian (July 2008), "Generalized fast marching method: applications to image segmentation",
874:
The Laplacian operator is employed such that the partial derivatives are derived from a specific equation. The second partial derivative of
4113: 6530: 2875: 105:. Adjacent regions are significantly different with respect to the same characteristic(s). When applied to a stack of images, typical in 638:-based methods are very efficient compared to other image segmentation methods because they typically require only one pass through the 38:. It shows the outer surface (red), the surface between compact bone and spongy bone (green) and the surface of the bone marrow (blue). 5934: 3349:{\displaystyle \alpha (1-\delta (\ell _{i}-\ell _{{\text{initial }}i})+\beta \Sigma _{q\in N(i)}(1-\delta (\ell _{i},\ell _{q(i)})).} 665:
One disadvantage of the histogram-seeking method is that it may be difficult to identify significant peaks and valleys in the image.
6138: 5732: 5590: 5568:
S.L. Horowitz and T. Pavlidis, Picture Segmentation by a Directed Split and Merge Procedure, Proc. ICPR, 1974, Denmark, pp. 424–433.
4387: 4349: 3147:{\displaystyle {\frac {1}{\sigma (\ell _{i}){\sqrt {2\pi }}}}e^{-(f_{i}-\mu (\ell _{i}))^{2}/(2\sigma (\ell _{i})^{2})}\,d\ell _{i}} 6559: 6213: 30: 618: 5859: 5406:, chapter in Geometric Level Set Methods in Imaging, Vision and Graphics, (S. Osher, N. Paragios, Eds.), Springer Verlag, 2003. 5435:
Witold Pedrycz (Editor), Andrzej Skowron (Co-Editor), Vladik Kreinovich (Co-Editor). Handbook of Granular Computing. Wiley 2008
4117: 2868: 2831: 372: 365: 359: 5577:
S.L. Horowitz and T. Pavlidis, Picture Segmentation by a Tree Traversal Algorithm, Journal of the ACM, 23 (1976), pp. 368–388.
5519: 4593: 410: 6502: 6410:
Ronneberger, Olaf; Fischer, Philipp; Brox, Thomas (2015). "U-Net: Convolutional Networks for Biomedical Image Segmentation".
6025: 5411: 594:
The boundary encoding leverages the fact that regions in natural images tend to have a smooth contour. This prior is used by
3418: 4610:
Ye, Run Zhou; Noll, Christophe; Richard, Gabriel; Lepage, Martin; Turcotte, Éric E.; Carpentier, André C. (February 2022).
1589:
This above equation is used to determine whether a point in the image is an isolated point based on the response magnitude
2215: 186: 5473:"Segmentation and classification of edges using minimum description length approximation and complementary junction cues" 4370:
Nielsen, Frank; Nock, Richard (2003). "On region merging: The statistical soundness of fast sorting, with applications".
4221: 4169: 2157: 658: 614: 4783: 2798: 2529: 505:
is the squared or absolute difference between a pixel and a cluster center. The difference is typically based on pixel
6594: 4295: 514: 6164:, Proc. of ICIAP 97, Florence, Italy, Lecture Notes in Computer Science, pages 6–13. Springer Verlag, September 1997. 5914: 5354:
Ohlander, Ron; Price, Keith; Reddy, D. Raj (1978). "Picture Segmentation Using a Recursive Region Splitting Method".
5380: 613:(MDL) principle, but here the length of the data given the model is approximated by the number of samples times the 368:
method. This method is based on a clip-level (or a threshold value) to turn a gray-scale image into a binary image.
6565: 6072:
Witkin, A. P. "Scale-space filtering", Proc. 8th Int. Joint Conf. Art. Intell., Karlsruhe, Germany,1019–1022, 1983.
5005:
Yi, Jingru; Wu, Pengxiang; Jiang, Menglin; Huang, Qiaoying; Hoeppner, Daniel J.; Metaxas, Dimitris N. (July 2019).
4237: 3197: 1827: 864:{\displaystyle \nabla ^{2}f(x,y)={\frac {\partial ^{2}f}{\partial x^{2}}}+{\frac {\partial ^{2}f}{\partial y^{2}}}} 610: 565:. They use a robot to poke objects in order to generate the motion signal necessary for motion-based segmentation. 563: 208: 5746: 6265: 5532:, Vadim V. Maximov, Alex Pashintsev Gestalt and Image Understanding. GESTALT THEORY 2012, Vol. 34, No.2, 143–166. 5528: 5472: 4309: 2767:. The Potts model is often called piecewise constant Mumford-Shah model as it can be seen as the degenerate case 2260: 578: 545: 6118: 5424:
Visual Taxometric approach Image Segmentation using Fuzzy-Spatial Taxon Cut Yields Contextually Relevant Regions
93:). Each of the pixels in a region are similar with respect to some characteristic or computed property, such as 6599: 5078:
Batenburg, K J.; Sijbers, J. (2009). "Adaptive thresholding of tomograms by projection distance minimization".
4270: 4058: 2822: 2671:{\displaystyle \operatorname {argmin} _{u,K}\gamma |K|+\mu \int _{K^{C}}|\nabla u|^{2}\,dx+\int (u-f)^{2}\,dx.} 2431:
is a piecewise constant image which has an optimal tradeoff between the squared L2 distance to the given image
1823:
selection of the similarity criterion is significant and the results are influenced by noise in all instances.
43: 3678:
2. E step: Estimate class statistics based on the random segmentation model defined. Using these, compute the
5057:
Alexander Kirillov; Kaiming He; Ross Girshick; Carsten Rother; Piotr Dollár (2018). "Panoptic Segmentation".
4028:
intensity minimum (LIM). Pixels draining to a common minimum form a catch basin, which represents a segment.
6500:
Frucci, Maria; Sanniti di Baja, Gabriella (2008). "From Segmentation to Binarization of Gray-level Images".
6478:
Connectivity-based segmentation of the substantia nigra in human and its implications in Parkinson's disease
6003: 4042: 3679: 2243: 268: 85:
The result of image segmentation is a set of segments that collectively cover the entire image, or a set of
6149: 4784:
Building façade detection, segmentation and parameter estimation for mobile robot localization and guidance
1579:{\displaystyle g(x,y)={\begin{cases}1&{\text{if }}|R(x,y)|\geq T\\0&{\text{otherwise}}\end{cases}}} 6107: 5915:"An optimal graph theoretic approach to data clustering: Theory and its application to image segmentation" 5688: 5543: 5284: 5095: 4253: 4225: 4197: 4190: 4152: 3838: 2809: 2794: 2039: 295: 5423: 5310: 4691: 4429:
Pham, Dzung L.; Xu, Chenyang; Prince, Jerry L. (2000). "Current Methods in Medical Image Segmentation".
4417:
Color-and texture-based image segmentation using EM and its application to content-based image retrieval
4024: 3166:
Iterate over new prior probabilities and redefine clusters such that these probabilities are maximized.
3160: 2855: 2818: 2230: 6350: 6325: 5897: 4137:
segmentation, overcome these issues by modeling the domain knowledge from a dataset of labeled pixels.
6184:
Vincken, K.L.; Koster, A.S.E.; Viergever, M.A. (1997). "Probabilistic multiscale image segmentation".
6161: 4491:
Reznikov, Natalie; Buss, Dan J.; Provencher, Benjamin; McKee, Marc D.; Piché, Nicolas (October 2020).
4256: – Type of image segmentation, jointly segmenting semantically similar objects in multiple images 2114:-connected if there is a path linking those two pixels and the connectedness of this path is at least 6376: 5814: 5680: 5556: 5383: 5334: 5087: 4953: 4886: 4815: 4661: 4404:
3D reconstruction of individual anatomy from medical image data: Segmentation and geometry processing
4205: 4201: 2988:
and the class statistics calculated earlier. A Gaussian model is used for the marginal distribution.
2770: 2272: 2067: 556:
Motion based segmentation is a technique that relies on motion in the image to perform segmentation.
242: 6545: 5546:, IEEE Transactions on Pattern Analysis and Machine Intelligence, Vol 26, No 11, pp 1452–1458, 2004. 5289: 5100: 3955:{\displaystyle P(\lambda )={\frac {\Sigma _{\lambda \in \Lambda }P(\lambda \mid f_{i})}{|\Omega |}}} 3492: 1508: 602:
of the contours in an image. Thus, the smoother a boundary is, the shorter coding length it attains.
5693: 5608: 5403: 4872:"Segment-Tube: Spatio-Temporal Action Localization in Untrimmed Videos with Per-Frame Segmentation" 4372:
2003 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, 2003. Proceedings
4275: 4265: 4217: 3409: 2851: 2239: 2481: 6411: 5838: 5784: 5631: 5302: 5274: 5207: 5152: 5058: 5036: 4987: 4849: 4763: 4744: 4679: 4575: 4528: 4290: 4281: 4038: 1859: 693: 380: 290: 176: 144: 98: 4416: 4155:
are neural models proposed by modeling a cat's visual cortex and developed for high-performance
2171: 5724: 5461:
Barghout, Lauren, and Lawrence Lee. "Perceptual information processing system." Google Patents
5399: 2744: 424: 6555: 6444: 6392: 6331: 6246: 6134: 6055: 5830: 5728: 5706: 5445: 5407: 5197: 5144: 5028: 4979: 4971: 4922: 4904: 4841: 4833: 4799:
Liu, Ziyi; Wang, Le; Hua, Gang; Zhang, Qilin; Niu, Zhenxing; Wu, Ying; Zheng, Nanning (2018).
4736: 4641: 4633: 4567: 4547: 4520: 4512: 4446: 4383: 4345: 3988: 3683: 2985: 2137: 2117: 2097: 2077: 2049: 1592: 606: 533:
solution. The quality of the solution depends on the initial set of clusters and the value of
446: 110: 71: 4870:
Wang, Le; Duan, Xuhuan; Zhang, Qilin; Niu, Zhenxing; Hua, Gang; Zheng, Nanning (2018-05-22).
3968: 1993: 1899: 1841: 6536: 6511: 6436: 6384: 6296: 6238: 6193: 6047: 6038:
Staib, L.H.; Duncan, J.S. (1992). "Boundary finding with parametrically deformable models".
5822: 5802: 5776: 5698: 5623: 5588:
The lambda-connected segmentation and the optimal algorithm for split-and-merge segmentation
5484: 5363: 5294: 5238: 5189: 5136: 5105: 5018: 4961: 4912: 4894: 4823: 4728: 4671: 4623: 4559: 4504: 4473: 4438: 4375: 4209: 4159: 4130: 2814: 2525: 2255: 2219: 1440: 877: 717: 643: 454: 376: 279: 273: 263: 237: 200: 79: 6578: 5931: 5125:"Optimal Threshold Selection for Tomogram Segmentation by Projection Distance Minimization" 4419:." Sixth International Conference on Computer Vision (IEEE Cat. No. 98CH36271). IEEE, 1998. 2454: 2407: 1966: 1939: 1872: 572: 568:
Interactive segmentation follows the interactive perception framework proposed by Dov Katz
6572: 6549: 6465:
Connectivity-based segmentation of human amygdala nuclei using probabilistic tractography.
6217: 5938: 5594: 5525: 5341: 4704: 4403: 4344:
and George C. Stockman (2001): "Computer Vision", pp 279–325, New Jersey, Prentice-Hall,
4259: 3370: 2035: 400: 196: 153: 106: 47: 6082: 5587: 3367:
is the penalty for difference in label between neighboring pixels and chosen pixel. Here
3158:
Calculate the probability of each class label given the neighborhood defined previously.
6380: 6210: 6131:
Lindeberg, Tony, Scale-Space Theory in Computer Vision, Kluwer Academic Publishers, 1994
5993:", IEEE Transactions on Pattern Analysis and Machine Intelligence, pp. 689–700, Vol. 16. 5990: 5860:
Optimal approximations by piecewise smooth functions and associated variational problems
5818: 5684: 5091: 4957: 4890: 4819: 5876: 5227:"Real-world scene perception and perceptual organization: Lessons from Computer Vision" 4917: 4141: 4134: 3174: 2724: 2704: 2684: 2507: 2434: 2291: 1919: 1866: 1834: 1819: 1637: 1236:{\displaystyle {\frac {\partial ^{2}f(x,y)}{\partial y^{2}}}=f(x,y+1)+f(x,y-1)-2f(x,y)} 1089:{\displaystyle {\frac {\partial ^{2}f(x,y)}{\partial x^{2}}}=f(x+1,y)+f(x-1,y)-2f(x,y)} 932: 912: 681: 670: 595: 530: 247: 191: 157: 114: 90: 6431:
Vicente, Sara; Rother, Carsten; Kolmogorov, Vladimir (2011). "Object cosegmentation".
4011:
Reliable estimation of parameters for EM is required for global optima to be achieved.
4008:
Extension to multi-class labeling degrades performance and increases storage required.
2478:
defines a segmentation. The relative weight of the energies is tuned by the parameter
2394:{\displaystyle \operatorname {argmin} _{u}\gamma \|\nabla u\|_{0}+\int (u-f)^{2}\,dx.} 6588: 6477: 6464: 6300: 5855: 5702: 5367: 5040: 4991: 4683: 4532: 4341: 4298: – Extraction of information from images via digital image processing techniques 4241: 2235: 102: 55: 5880: 5306: 5156: 4940:
Guo, Dazhou; Pei, Yanting; Zheng, Kang; Yu, Hongkai; Lu, Yuhang; Wang, Song (2020).
4853: 4748: 4579: 6353:& Ö Göl (2004): "Edge-end pixel extraction for edge-based image segmentation", 6098:
Koenderink, Jan "The structure of images", Biological Cybernetics, 50:363–370, 1984
5842: 5788: 5426:. Communications in Computer and Information Science (CCIS). Springer-Verlag. 2014 5211: 4477: 4442: 497:
Repeat steps 2 and 3 until convergence is attained (i.e. no pixels change clusters)
86: 5635: 4801:"Joint Video Object Discovery and Segmentation by Coupled Dynamic Markov Networks" 6242: 6230: 5955: 5109: 4133:
database which does not currently exist. Trainable segmentation methods, such as
1684:); the second space is the dual 3-dimensional space of the original image itself 482: 5510:
Digital Image Processing (2007, Pearson) by Rafael C. Gonzalez, Richard E. Woods
5501:
Digital Image Processing (2007, Pearson) by Rafael C. Gonzalez, Richard E. Woods
5023: 5006: 4666: 4628: 4611: 4173: 4146: 4054: 2285: 167: 5188:. Vol. 2. IEEE Congress on Image and Signal Processing. pp. 110–114. 4493:"Deep learning for 3D imaging and image analysis in biomineralization research" 4492: 2874: 6440: 5780: 5627: 5298: 4732: 4675: 4563: 4508: 4379: 4181:
which combines these two tasks to provide a more complete scene segmentation.
4156: 2681:
The functional value is the sum of the total length of the segmentation curve
2071: 2031: 651: 599: 541: 510: 125: 6059: 5710: 5140: 4975: 4966: 4941: 4908: 4837: 4828: 4786:", International Conference on Intelligent Robots and Systems, pp. 1632–1639. 4637: 4516: 1419:{\displaystyle \nabla ^{2}f(x,y)=f(x+1,y)+f(x-1,y)+f(x,y+1)+f(x,y-1)-4f(x,y)} 17: 635: 544:
algorithm is a technique that is used to partition an image into an unknown
526: 494:
Re-compute the cluster centers by averaging all of the pixels in the cluster
478: 462: 450: 302: 6396: 5834: 5488: 5148: 5032: 4983: 4926: 4845: 4740: 4645: 4571: 4524: 4450: 1811:
is mean gradient on the borders). Maximum of MDC defines the segmentation.
5193: 4594:
MR Brain image segmentation using Bacteria Foraging Optimization Algorithm
4014:
Based on method of optimization, segmentation may cluster to local minima.
1963:. If not, then the pixel is considered different from all current regions 6388: 5956:"Graph-theoretical methods for detecting and describing gestalt clusters" 2161: 2027: 502: 488: 6575:
by Yu-Hsiang Wang (王昱翔), National Taiwan University, Taipei, Taiwan, ROC
6130: 5258:
Hossein Mobahi; Shankar Rao; Allen Yang; Shankar Sastry; Yi Ma. (2011).
4794: 4792: 3682:
of belonging to a label given the feature set is calculated using naive
3171:
Stop when probability is maximized and labeling scheme does not change.
3168:
This is done using a variety of optimization algorithms described below.
2887:
Define the neighborhood of each feature (random variable in MRF terms).
562:
Improving on this idea, Kenney et al. proposed interactive segmentation
109:, the resulting contours after image segmentation can be used to create 6237:. Lecture Notes in Computer Science. Vol. 5994. pp. 123–134. 2882:
The generic algorithm for image segmentation using MAP is given below:
204: 130: 6463:
Saygin, ZM, Osher, DE, Augustinack, J, Fischl, B, and Gabrieli, JDE.:
6197: 6051: 5826: 5557:
Fuzzy subfiber and its application to seismic lithology classification
5335:
Natural Image Segmentation with Adaptive Texture and Boundary Encoding
4899: 529:. This algorithm is guaranteed to converge, but it may not return the 6086: 5243: 5226: 4005:
Approximate MAP estimates are computationally expensive to calculate.
2164:
partition of an image. It is sometimes called quadtree segmentation.
1246:
These partial derivatives are then used to compute the Laplacian as:
522: 474: 134: 5260:"Segmentation of Natural Images by Texture and Boundary Compression" 211:, as well as volume electron microscopy techniques such as FIB-SEM. 6515: 6416: 5063: 4768: 1803:
is difference in brightness between the object and the background,
5559:, Information Sciences: Applications, Vol 1, No 2, pp 77–95, 1994. 5384:
https://www.cs.technion.ac.il/~ron/PAPERS/Paragios_chapter2003.pdf
5333:
Shankar Rao, Hossein Mobahi, Allen Yang, Shankar Sastry and Yi Ma
5279: 4546:
Wu, Wei; Chen, Albert Y. C.; Zhao, Liang; Corso, Jason J. (2014).
4165: 3987: 2873: 1430:
when we assume that all pixels have unit spacing along each axis.
639: 124: 94: 75: 35: 29: 1658:
Application of Isolated Point Detection in X-ray Image Processing
487:
Assign each pixel in the image to the cluster that minimizes the
6085:," in Proc. IEEE Int. Conf. Acoust., Speech, Signal Processing ( 6083:
Scale-space filtering: A new approach to multi-scale description
5404:
https://www.cs.technion.ac.il/~ron/PAPERS/laplacian_ijcv2003.pdf
4552:
International Journal of Computer Assisted Radiology and Surgery
2961:
Compute the marginal distribution for the given labeling scheme
2830:. Some popular algorithms of this category are normalized cuts, 622:
length cannot be more than what the algorithm tries to minimize.
255:
Locate objects in satellite images (roads, forests, crops, etc.)
4942:"Degraded Image Semantic Segmentation With Dense-Gram Networks" 4278: – Classical quantization technique from signal processing 2504:. The binary variant of the Potts model, i.e., if the range of 6476:
Menke, RA, Jbabdi, S, Miller, KL, Matthews, PM and Zarei, M.:
6186:
IEEE Transactions on Pattern Analysis and Machine Intelligence
6040:
IEEE Transactions on Pattern Analysis and Machine Intelligence
6028:", Proceedings of Neural Information Processing Systems (NIPS) 5943:
IEEE Transactions on Pattern Analysis and Machine Intelligence
5919:
IEEE Transactions on Pattern Analysis and Machine Intelligence
5902:
IEEE Transactions on Pattern Analysis and Machine Intelligence
5885:
IEEE Transactions on Pattern Analysis and Machine Intelligence
647: 506: 182:
Some of the practical applications of image segmentation are:
4865: 4863: 4228:
are often employed to exploit the inter-frame correlations.
517:, and location, or a weighted combination of these factors. 6579:
Online demonstration of piecewise linear image segmentation
6539:
by Forcadel et al. for applications in image segmentation.
6004:
Graph cut based image segmentation with connectivity priors
3632: 3163:
potentials are used to model the social impact in labeling.
2817:. Usually a pixel or a group of pixels are associated with 1572: 6287:
Bijaoui, A.; Rué, F. (1995). "A Multiscale Vision Model".
5725:
Geometric Level Set Methods in Imaging Vision and Graphics
5659:
Multifluid incompressible flows by a finite element method
4402:
Zachow, Stefan, Michael Zilske, and Hans-Christian Hege. "
3675:
1. A random estimate of the model parameters is utilized.
2263:
has led to very efficient implementations of this method.
569: 5932:"Isoperimetric Graph Partitioning for Image Segmentation" 4057:
and sometimes propagated from coarse to fine scales; see
3663:
Image segmentation using MRF and expectation–maximization
2889:
Generally this includes 1st-order or 2nd-order neighbors.
617:
of the model. The texture in each region is modeled by a
113:
with the help of geometry reconstruction algorithms like
6566:
More image segmentation methods with detailed algorithms
6542: 5052: 5050: 364:
The simplest method of image segmentation is called the
199:, and imaging studies in biomedical research, including 6533:, by Syed Zainudeen. University Technology of Malaysia. 4300:
Pages displaying short descriptions of redirect targets
4286:
Pages displaying short descriptions of redirect targets
4262: – Computerized information extraction from images 4053:
Image segmentations are computed at multiple scales in
6355:
Transactions on Engineering, Computing and Technology,
6026:
A Revolution: Belief propagation in Graphs with Cycles
3457:{\displaystyle \Delta U=U^{\text{new}}-U^{\text{old}}} 2741:. The weight of the smoothness penalty is adjusted by 2451:
and the total length of its jump set. The jump set of
6556:
Segmentation methods in image processing and analysis
6162:
Multi-scale gradient magnitude watershed segmentation
3971: 3874: 3841: 3695: 3473: 3421: 3373: 3209: 2996: 2958:) for each label. This is termed as class statistics. 2773: 2747: 2727: 2707: 2687: 2541: 2510: 2484: 2457: 2437: 2410: 2317: 2294: 2174: 2140: 2120: 2100: 2080: 2052: 1996: 1969: 1942: 1922: 1902: 1875: 1844: 1640: 1595: 1481: 1443: 1255: 1105: 958: 935: 915: 880: 758: 720: 4314:
Pages displaying wikidata descriptions as a fallback
3997:
Disadvantages of MAP and EM based image segmentation
296:
Video object co-segmentation and action localization
6552:
An Online Open Image Processing Research Community.
4782:
J. A. Delmerico, P. David and J. J. Corso (2011): "
4598:
International Journal of Engineering and Technology
4466:
Engineering Applications of Artificial Intelligence
3408:Derived as an analogue of annealing in metallurgy, 6089:), vol. 9, San Diego, CA, March 1984, pp. 150–153. 4236:There are many other methods of segmentation like 3977: 3954: 3853: 3824: 3638: 3456: 3388: 3348: 3146: 2785: 2759: 2733: 2713: 2693: 2670: 2524:is restricted to two values, is often called Chan- 2516: 2496: 2470: 2443: 2423: 2393: 2300: 2198: 2146: 2126: 2106: 2086: 2058: 2015: 1982: 1955: 1928: 1908: 1888: 1850: 1646: 1626: 1578: 1464: 1418: 1235: 1088: 941: 921: 901: 863: 741: 314:There are two classes of segmentation techniques. 6531:Some sample code that performs basic segmentation 6002:S. Vicente, V. Kolmogorov and C. Rother (2008): " 697:disconnected edge is part of an illusory contour 6231:"From Ramp Discontinuities to Segmentation Tree" 4337: 4335: 4333: 4331: 4329: 4068:One-dimensional hierarchical signal segmentation 3992:Segmentation of color image using HMRF-EM model 3865:given by the user is utilized in computations. 2862:Supervised image segmentation using MRF and MAP 6480: , Neuroimage, 52:4, pp. 1175–80, 2010.] 5864:Communications on Pure and Applied Mathematics 4085:ideas that current approaches are based upon. 4002:Exact MAP estimates cannot be easily computed. 5607:Caselles, V.; Kimmel, R.; Sapiro, G. (1997). 5007:"Attentive neural cell instance segmentation" 3363:is the penalty for change in pixel label and 577:Another technique that is based on motion is 8: 6467: , Neuroimage, 56:3, pp. 1353–61, 2011. 5597:, Chinese J. Computers, 14(1991), pp 321–331 5186:2008 Congress on Image and Signal Processing 4240:or connectivity-based segmentation based on 2344: 2334: 4721:IEEE Transactions on Biomedical Engineering 3192:Iterated conditional modes/gradient descent 2834:, minimum cut, isoperimetric partitioning, 2210:Partial differential equation-based methods 2154:-connectedness is an equivalence relation. 2026:One variant of this technique, proposed by 5123:Batenburg, K J.; Sijbers, J. (June 2009). 2928:Using the training data compute the mean ( 2528:model. An important generalization is the 2046:A special region-growing method is called 1936:then it is added to the respective region 27:Partitioning a digital image into segments 6415: 5805:(2001). "Active contours without edges". 5692: 5288: 5278: 5242: 5225:Barghout, Lauren; Sheynin, Jacob (2013). 5099: 5062: 5022: 4965: 4916: 4898: 4827: 4767: 4665: 4627: 4185:Segmentation of related images and videos 3970: 3944: 3936: 3925: 3897: 3890: 3873: 3840: 3792: 3770: 3737: 3724: 3712: 3694: 3623: 3618: 3601: 3591: 3576: 3559: 3548: 3543: 3515: 3504: 3499: 3487: 3478: 3472: 3448: 3435: 3420: 3372: 3322: 3309: 3269: 3246: 3245: 3232: 3208: 3138: 3130: 3119: 3109: 3088: 3082: 3069: 3050: 3039: 3022: 3013: 2997: 2995: 2919:is the set containing features extracted 2772: 2746: 2726: 2721:, and its distance to the original image 2706: 2686: 2658: 2652: 2623: 2617: 2612: 2600: 2592: 2587: 2572: 2564: 2546: 2540: 2509: 2483: 2462: 2456: 2436: 2415: 2409: 2381: 2375: 2347: 2322: 2316: 2293: 2173: 2139: 2119: 2099: 2079: 2051: 2001: 1995: 1974: 1968: 1947: 1941: 1921: 1901: 1880: 1874: 1843: 1639: 1619: 1596: 1594: 1564: 1544: 1521: 1516: 1503: 1480: 1442: 1260: 1254: 1146: 1113: 1106: 1104: 999: 966: 959: 957: 934: 914: 879: 852: 834: 827: 815: 797: 790: 763: 757: 719: 5991:Multiresolution color image segmentation 5881:"Normalized Cuts and Image Segmentation" 5616:International Journal of Computer Vision 5388:International Journal of Computer Vision 5267:International Journal of Computer Vision 4374:. Vol. 2. IEEE. pp. II:19–26. 4312: – computer programming sub-process 2840:segmentation-based object categorization 2836:minimum spanning tree-based segmentation 2828:Segmentation-based object categorization 491:between the pixel and the cluster center 220:Diagnosis, study of anatomical structure 6503:Journal of Pattern Recognition Research 5930:Leo Grady and Eric L. Schwartz (2006): 5661:. Lecture Notes in Physics, 11:158–163. 5477:Computer Vision and Image Understanding 4431:Annual Review of Biomedical Engineering 4325: 3173:The calculations can be implemented in 1838:intensity value and the region's mean, 5356:Computer Graphics and Image Processing 4700: 4689: 3659:based methods exist for solving MRFs. 2925:and define an initial set of clusters. 2701:, the smoothness of the approximation 2206:, an optimal algorithm of the method. 2030:and Shapiro (1985), is based on pixel 6229:Akbas, Emre; Ahuja, Narendra (2010). 5898:"Random Walks for Image Segmentation" 5807:IEEE Transactions on Image Processing 5657:Dervieux, A. and Thomasset, F. 1981. 4946:IEEE Transactions on Image Processing 4808:IEEE Transactions on Image Processing 4305:List of manual image annotation tools 4153:Pulse-coupled neural networks (PCNNs) 3985:is the set of all possible features. 657:A refinement of this technique is to 129:Volume segmentation of a 3D-rendered 7: 6024:B. J. Frey and D. MacKayan (1997): " 5555:L. Chen, H. D. Cheng, and J. Zhang, 5129:IEEE Transactions on Medical Imaging 4592:E. B. George and M. Karnan (2012): " 4080:Image segmentation and primal sketch 3854:{\displaystyle \lambda \in \Lambda } 1916:is less than a predefined threshold 318:Classical computer vision approaches 6560:Minimizing energy to segment images 6495:3D Entropy Based Image Segmentation 4284: – Lossy compression technique 2878:MRF neighborhood for a chosen pixel 552:Motion and interactive segmentation 214:Locate tumors and other pathologies 6357:vol. 2, pp 213–216, ISSN 1305-5313 3972: 3941: 3904: 3894: 3861:, the set of all possible labels. 3848: 3777: 3767: 3669:expectation–maximization algorithm 3595: 3564: 3520: 3422: 3266: 2780: 2605: 2337: 2066:-connected segmentation (see also 1257: 1139: 1110: 992: 963: 845: 831: 808: 794: 760: 310:Classes of segmentation techniques 25: 5747:"Segmentation in Medical Imaging" 5471:Lindeberg, T.; Li, M.-X. (1997). 2799:Ambrosio-Tortorelli approximation 54:is the process of partitioning a 6537:Generalized Fast Marching method 5921:, pp. 1101–1113, Vol. 15, No. 11 5904:, pp. 1768–1783, Vol. 28, No. 11 5673:Journal of Computational Physics 619:multivariate normal distribution 423: 409: 34:Model of a segmented left human 6543:Image Processing Research Group 5989:J. Liu and Y. H. Yang (1994): " 3396:is neighborhood of pixel i and 2869:maximum a posteriori estimation 2786:{\displaystyle \mu \to \infty } 373:balanced histogram thresholding 360:Thresholding (image processing) 5960:IEEE Transactions on Computers 5381:R. Kimmel and A.M. Bruckstein. 4478:10.1016/j.engappai.2009.10.002 4443:10.1146/annurev.bioeng.2.1.315 4216:). Techniques such as dynamic 3945: 3937: 3931: 3912: 3884: 3878: 3816: 3810: 3804: 3785: 3761: 3755: 3749: 3730: 3718: 3699: 3383: 3377: 3340: 3337: 3332: 3326: 3302: 3290: 3285: 3279: 3256: 3225: 3213: 3125: 3116: 3102: 3093: 3079: 3075: 3062: 3043: 3019: 3006: 2777: 2649: 2636: 2613: 2601: 2573: 2565: 2372: 2359: 2193: 2178: 1807:is length of all borders, and 1799:) has to be calculated (where 1620: 1616: 1604: 1597: 1545: 1541: 1529: 1522: 1497: 1485: 1459: 1447: 1413: 1401: 1389: 1371: 1362: 1344: 1335: 1317: 1308: 1290: 1281: 1269: 1230: 1218: 1206: 1188: 1179: 1161: 1134: 1122: 1083: 1071: 1059: 1041: 1032: 1014: 987: 975: 896: 884: 784: 772: 736: 724: 89:extracted from the image (see 1: 5945:, pp. 469–475, Vol. 28, No. 3 4497:Journal of Structural Biology 4200:, which is typically used in 2906:> for each feature as 0 or 2216:partial differential equation 187:Content-based image retrieval 6435:. IEEE. pp. 2217–2224. 6301:10.1016/0165-1684(95)00093-4 6243:10.1007/978-3-642-12307-8_12 6160:Olsen, O. and Nielsen, M.: 5887:, pp 888–905, Vol. 22, No. 8 5866:, pp 577–685, Vol. 42, No. 5 5703:10.1016/0021-9991(88)90002-2 5368:10.1016/0146-664X(78)90060-6 5110:10.1016/j.patcog.2008.11.027 4170:convolutional neural network 2497:{\displaystyle \gamma >0} 2158:Split-and-merge segmentation 2023:is created with this pixel. 654:can be used as the measure. 326:Groups of image segmentation 6235:Computer Vision – ACCV 2009 5962:, pp. 68–86, Vol. 20, No. 1 5913:Z. Wu and R. Leahy (1993): 5024:10.1016/j.media.2019.05.004 4667:10.1101/2021.10.12.464160v2 4629:10.1016/j.slast.2021.10.014 4296:Object-based image analysis 4105:Semi-automatic segmentation 6616: 5723:S. Osher and N. Paragios. 5609:"Geodesic active contours" 5544:Statistical Region Merging 4238:multispectral segmentation 4188: 3198:iterated conditional modes 2892:Set initial probabilities 2805:Graph partitioning methods 2199:{\displaystyle O(n\log n)} 1828:Statistical Region Merging 611:minimum description length 521:can be selected manually, 453:technique that is used to 398: 357: 226:Virtual surgery simulation 209:magnetic resonance imaging 6441:10.1109/cvpr.2011.5995530 6324:Barghout, Lauren (2014). 5781:10.1007/s11075-008-9183-x 5299:10.1007/s11263-011-0444-0 4733:10.1109/tbme.2010.2040082 4676:10.1101/2021.10.12.464160 4564:10.1007/s11548-013-0922-7 4509:10.1016/j.jsb.2020.107598 4415:Belongie, Serge, et al. " 4380:10.1109/CVPR.2003.1211447 4310:Rigid motion segmentation 4202:human action localization 2760:{\displaystyle \mu >0} 2261:level-set data structures 598:to encode the difference 585:Compression-based methods 579:rigid motion segmentation 5858:and Jayant Shah (1989): 5542:R. Nock and F. Nielsen, 5141:10.1109/tmi.2008.2010437 4967:10.1109/TIP.2019.2936111 4829:10.1109/tip.2018.2859622 4271:Range image segmentation 4059:scale-space segmentation 4049:Multi-scale segmentation 4043:active appearance models 4032:Model-based segmentation 4025:watershed transformation 4019:Watershed transformation 3404:Simulated annealing (SA) 2147:{\displaystyle \lambda } 2127:{\displaystyle \lambda } 2107:{\displaystyle \lambda } 2094:, two pixels are called 2087:{\displaystyle \lambda } 2070:). It is based on pixel 2059:{\displaystyle \lambda } 1672:histogram of brightness 1627:{\displaystyle |R(x,y)|} 709:Isolated Point Detection 473:cluster centers, either 379:(maximum variance), and 301:Several general-purpose 229:Intra-surgery navigation 44:digital image processing 5628:10.1023/A:1007979827043 3978:{\displaystyle \Omega } 3680:conditional probability 3183:Optimization algorithms 2795:graduated non-convexity 2016:{\displaystyle A_{n+1}} 1909:{\displaystyle \delta } 1851:{\displaystyle \delta } 631:Histogram-based methods 287:Traffic control systems 269:Fingerprint recognition 6375:(26). OSA: 6239–6253. 6216:July 20, 2011, at the 5489:10.1006/cviu.1996.0510 5011:Medical Image Analysis 4699:Cite journal requires 4254:Object co-segmentation 4204:. Unlike conventional 4191:Object co-segmentation 4140:An image segmentation 4124:Trainable segmentation 3993: 3979: 3956: 3855: 3826: 3672:three-step algorithm: 3654:Alternative algorithms 3640: 3458: 3390: 3350: 3148: 2879: 2787: 2761: 2735: 2715: 2695: 2672: 2518: 2498: 2472: 2445: 2425: 2395: 2302: 2242:in 1987 and known as " 2200: 2148: 2128: 2108: 2088: 2060: 2017: 1984: 1957: 1930: 1910: 1890: 1852: 1815:Region-growing methods 1667:Dual clustering method 1648: 1634:and a threshold value 1628: 1580: 1466: 1465:{\displaystyle g(x,y)} 1420: 1237: 1090: 943: 923: 903: 902:{\displaystyle f(x,y)} 865: 743: 742:{\displaystyle f(x,y)} 605:Texture is encoded by 217:Measure tissue volumes 179: 39: 5194:10.1109/CISP.2008.770 3991: 3980: 3957: 3856: 3827: 3641: 3459: 3391: 3351: 3149: 2877: 2788: 2762: 2736: 2716: 2696: 2673: 2519: 2499: 2473: 2471:{\displaystyle u^{*}} 2446: 2426: 2424:{\displaystyle u^{*}} 2396: 2303: 2288:defined for an image 2267:Fast marching methods 2201: 2149: 2129: 2109: 2089: 2061: 2018: 1985: 1983:{\displaystyle A_{i}} 1958: 1956:{\displaystyle A_{j}} 1931: 1911: 1891: 1889:{\displaystyle A_{1}} 1860:measure of similarity 1853: 1649: 1629: 1581: 1467: 1421: 1238: 1091: 944: 924: 904: 866: 744: 346:Panoptic segmentation 339:Instance segmentation 332:Semantic segmentation 252:Brake light detection 128: 33: 6389:10.1364/AO.33.006239 5769:Numerical Algorithms 5390:2003; 53(3):225–243. 3969: 3872: 3839: 3693: 3471: 3419: 3389:{\displaystyle N(i)} 3371: 3207: 2994: 2852:Markov random fields 2846:Markov random fields 2771: 2745: 2725: 2705: 2685: 2539: 2508: 2482: 2455: 2435: 2408: 2315: 2292: 2273:fast marching method 2172: 2138: 2118: 2098: 2078: 2068:lambda-connectedness 2050: 1994: 1967: 1940: 1920: 1900: 1873: 1842: 1638: 1593: 1479: 1441: 1253: 1103: 956: 933: 913: 878: 756: 718: 609:in a way similar to 481:method, for example 461:clusters. The basic 430:Image after running 243:Pedestrian detection 6381:1994ApOpt..33.6239J 5954:C. T. Zahn (1971): 5819:2001ITIP...10..266C 5727:, Springer Verlag, 5685:1988JCoPh..79...12O 5092:2009PatRe..42.2297B 5080:Pattern Recognition 4958:2020ITIP...29..782G 4891:2018Senso..18.1657W 4820:2018ITIP...27.5840L 4276:Vector quantization 4266:Image-based meshing 4039:active shape models 3628: 3553: 3509: 3410:simulated annealing 2850:The application of 2279:Variational methods 321:AI based techniques 278:Prohibited Item at 205:computed tomography 6595:Image segmentation 6571:2019-11-01 at the 6548:2020-12-28 at the 6330:. Scholars Press. 5937:2011-07-19 at the 5896:Leo Grady (2006): 5745:James A. Sethian. 5593:2016-03-10 at the 5524:2017-10-13 at the 5422:Barghout, Lauren. 5340:2016-05-19 at the 4291:Color quantization 4282:Image quantization 3994: 3975: 3952: 3851: 3822: 3636: 3631: 3614: 3539: 3495: 3454: 3386: 3346: 3144: 2880: 2783: 2757: 2731: 2711: 2691: 2668: 2530:Mumford-Shah model 2514: 2494: 2468: 2441: 2421: 2391: 2298: 2226:Parametric methods 2196: 2144: 2124: 2104: 2084: 2056: 2013: 1980: 1953: 1926: 1906: 1886: 1848: 1644: 1624: 1576: 1571: 1462: 1416: 1233: 1086: 939: 919: 899: 861: 739: 455:partition an image 395:Clustering methods 381:k-means clustering 291:Video surveillance 260:Recognition Tasks 180: 145:pulmonary arteries 111:3D reconstructions 52:image segmentation 40: 6450:978-1-4577-0394-2 6351:Mahinda Pathegama 6337:978-3-639-70962-9 6289:Signal Processing 6252:978-3-642-12306-1 6198:10.1109/34.574787 6052:10.1109/34.166621 6046:(11): 1061–1075. 5827:10.1109/83.902291 5450:978-3-639-70962-9 5231:Journal of Vision 5203:978-0-7695-3119-9 5086:(10): 2297–2305. 4900:10.3390/s18051657 4814:(12): 5840–5853. 3950: 3820: 3626: 3579: 3562: 3551: 3518: 3507: 3451: 3438: 3249: 3033: 3030: 2734:{\displaystyle f} 2714:{\displaystyle u} 2694:{\displaystyle K} 2517:{\displaystyle u} 2444:{\displaystyle f} 2301:{\displaystyle f} 2250:Level-set methods 1990:and a new region 1929:{\displaystyle T} 1740:) <  1647:{\displaystyle T} 1567: 1519: 1153: 1006: 942:{\displaystyle y} 922:{\displaystyle x} 859: 822: 607:lossy compression 571:and Oliver Brock 477:or based on some 447:K-means algorithm 16:(Redirected from 6607: 6519: 6481: 6474: 6468: 6461: 6455: 6454: 6428: 6422: 6421: 6419: 6407: 6401: 6400: 6364: 6358: 6348: 6342: 6341: 6321: 6315: 6311: 6305: 6304: 6284: 6278: 6275: 6269: 6263: 6257: 6256: 6226: 6220: 6208: 6202: 6201: 6181: 6175: 6171: 6165: 6158: 6152: 6147: 6141: 6128: 6122: 6116: 6110: 6105: 6099: 6096: 6090: 6079: 6073: 6070: 6064: 6063: 6035: 6029: 6022: 6016: 6013: 6007: 6000: 5994: 5987: 5981: 5978: 5972: 5969: 5963: 5952: 5946: 5928: 5922: 5911: 5905: 5894: 5888: 5873: 5867: 5853: 5847: 5846: 5798: 5792: 5791: 5775:(1–3): 189–211, 5764: 5758: 5757: 5755: 5753: 5742: 5736: 5721: 5715: 5714: 5696: 5668: 5662: 5655: 5649: 5646: 5640: 5639: 5613: 5604: 5598: 5584: 5578: 5575: 5569: 5566: 5560: 5553: 5547: 5540: 5534: 5533: 5517: 5511: 5508: 5502: 5499: 5493: 5492: 5468: 5462: 5459: 5453: 5442: 5436: 5433: 5427: 5420: 5414: 5397: 5391: 5378: 5372: 5371: 5351: 5345: 5331: 5325: 5324: 5322: 5321: 5315: 5309:. Archived from 5292: 5282: 5264: 5255: 5249: 5248: 5246: 5244:10.1167/13.9.709 5222: 5216: 5215: 5181: 5175: 5174: 5172: 5171: 5165: 5159:. Archived from 5120: 5114: 5113: 5103: 5075: 5069: 5068: 5066: 5054: 5045: 5044: 5026: 5002: 4996: 4995: 4969: 4937: 4931: 4930: 4920: 4902: 4876: 4867: 4858: 4857: 4831: 4805: 4796: 4787: 4780: 4774: 4773: 4771: 4759: 4753: 4752: 4727:(6): 1325–1334. 4715: 4709: 4708: 4702: 4697: 4695: 4687: 4669: 4656: 4650: 4649: 4631: 4607: 4601: 4590: 4584: 4583: 4543: 4537: 4536: 4488: 4482: 4481: 4461: 4455: 4454: 4426: 4420: 4413: 4407: 4400: 4394: 4393: 4367: 4361: 4358: 4352: 4342:Linda G. Shapiro 4339: 4315: 4301: 4287: 4210:object detection 4160:image processing 4131:domain knowledge 4112:Techniques like 3984: 3982: 3981: 3976: 3961: 3959: 3958: 3953: 3951: 3949: 3948: 3940: 3934: 3930: 3929: 3908: 3907: 3891: 3860: 3858: 3857: 3852: 3831: 3829: 3828: 3823: 3821: 3819: 3797: 3796: 3781: 3780: 3764: 3742: 3741: 3725: 3717: 3716: 3645: 3643: 3642: 3637: 3635: 3634: 3627: 3624: 3622: 3610: 3609: 3605: 3580: 3577: 3563: 3560: 3552: 3549: 3547: 3519: 3516: 3508: 3505: 3503: 3483: 3482: 3463: 3461: 3460: 3455: 3453: 3452: 3449: 3440: 3439: 3436: 3399: 3395: 3393: 3392: 3387: 3366: 3362: 3355: 3353: 3352: 3347: 3336: 3335: 3314: 3313: 3289: 3288: 3255: 3254: 3250: 3247: 3237: 3236: 3153: 3151: 3150: 3145: 3143: 3142: 3129: 3128: 3124: 3123: 3114: 3113: 3092: 3087: 3086: 3074: 3073: 3055: 3054: 3034: 3032: 3031: 3023: 3018: 3017: 2998: 2983: 2957: 2944:) and variance ( 2943: 2924: 2918: 2905: 2815:undirected graph 2792: 2790: 2789: 2784: 2766: 2764: 2763: 2758: 2740: 2738: 2737: 2732: 2720: 2718: 2717: 2712: 2700: 2698: 2697: 2692: 2677: 2675: 2674: 2669: 2657: 2656: 2622: 2621: 2616: 2604: 2599: 2598: 2597: 2596: 2576: 2568: 2557: 2556: 2523: 2521: 2520: 2515: 2503: 2501: 2500: 2495: 2477: 2475: 2474: 2469: 2467: 2466: 2450: 2448: 2447: 2442: 2430: 2428: 2427: 2422: 2420: 2419: 2400: 2398: 2397: 2392: 2380: 2379: 2352: 2351: 2327: 2326: 2307: 2305: 2304: 2299: 2256:level-set method 2220:inverse problems 2205: 2203: 2202: 2197: 2153: 2151: 2150: 2145: 2133: 2131: 2130: 2125: 2113: 2111: 2110: 2105: 2093: 2091: 2090: 2085: 2065: 2063: 2062: 2057: 2022: 2020: 2019: 2014: 2012: 2011: 1989: 1987: 1986: 1981: 1979: 1978: 1962: 1960: 1959: 1954: 1952: 1951: 1935: 1933: 1932: 1927: 1915: 1913: 1912: 1907: 1895: 1893: 1892: 1887: 1885: 1884: 1857: 1855: 1854: 1849: 1653: 1651: 1650: 1645: 1633: 1631: 1630: 1625: 1623: 1600: 1585: 1583: 1582: 1577: 1575: 1574: 1568: 1565: 1548: 1525: 1520: 1517: 1471: 1469: 1468: 1463: 1425: 1423: 1422: 1417: 1265: 1264: 1242: 1240: 1239: 1234: 1154: 1152: 1151: 1150: 1137: 1118: 1117: 1107: 1095: 1093: 1092: 1087: 1007: 1005: 1004: 1003: 990: 971: 970: 960: 948: 946: 945: 940: 928: 926: 925: 920: 909:with respect to 908: 906: 905: 900: 870: 868: 867: 862: 860: 858: 857: 856: 843: 839: 838: 828: 823: 821: 820: 819: 806: 802: 801: 791: 768: 767: 748: 746: 745: 740: 427: 413: 280:Airport security 274:Iris recognition 264:Face recognition 238:Object detection 223:Surgery planning 174: 165: 151: 142: 62:, also known as 21: 6615: 6614: 6610: 6609: 6608: 6606: 6605: 6604: 6600:Digital imaging 6585: 6584: 6581:by IPOL Journal 6573:Wayback Machine 6550:Wayback Machine 6527: 6522: 6499: 6490: 6485: 6484: 6475: 6471: 6462: 6458: 6451: 6430: 6429: 6425: 6409: 6408: 6404: 6366: 6365: 6361: 6349: 6345: 6338: 6323: 6322: 6318: 6312: 6308: 6286: 6285: 6281: 6276: 6272: 6264: 6260: 6253: 6228: 6227: 6223: 6218:Wayback Machine 6209: 6205: 6183: 6182: 6178: 6172: 6168: 6159: 6155: 6148: 6144: 6129: 6125: 6117: 6113: 6106: 6102: 6097: 6093: 6080: 6076: 6071: 6067: 6037: 6036: 6032: 6023: 6019: 6014: 6010: 6001: 5997: 5988: 5984: 5979: 5975: 5970: 5966: 5953: 5949: 5939:Wayback Machine 5929: 5925: 5912: 5908: 5895: 5891: 5875:Jianbo Shi and 5874: 5870: 5854: 5850: 5800: 5799: 5795: 5766: 5765: 5761: 5751: 5749: 5744: 5743: 5739: 5722: 5718: 5670: 5669: 5665: 5656: 5652: 5647: 5643: 5611: 5606: 5605: 5601: 5595:Wayback Machine 5585: 5581: 5576: 5572: 5567: 5563: 5554: 5550: 5541: 5537: 5531: 5529:Shelia Guberman 5526:Wayback Machine 5518: 5514: 5509: 5505: 5500: 5496: 5470: 5469: 5465: 5460: 5456: 5443: 5439: 5434: 5430: 5421: 5417: 5398: 5394: 5379: 5375: 5353: 5352: 5348: 5342:Wayback Machine 5332: 5328: 5319: 5317: 5313: 5290:10.1.1.180.3579 5262: 5257: 5256: 5252: 5224: 5223: 5219: 5204: 5183: 5182: 5178: 5169: 5167: 5163: 5122: 5121: 5117: 5101:10.1.1.182.8483 5077: 5076: 5072: 5056: 5055: 5048: 5004: 5003: 4999: 4939: 4938: 4934: 4874: 4869: 4868: 4861: 4803: 4798: 4797: 4790: 4781: 4777: 4761: 4760: 4756: 4717: 4716: 4712: 4698: 4688: 4658: 4657: 4653: 4616:SLAS Technology 4609: 4608: 4604: 4591: 4587: 4545: 4544: 4540: 4490: 4489: 4485: 4463: 4462: 4458: 4428: 4427: 4423: 4414: 4410: 4401: 4397: 4390: 4369: 4368: 4364: 4359: 4355: 4340: 4327: 4322: 4313: 4299: 4285: 4260:Computer vision 4250: 4234: 4218:Markov Networks 4198:co-segmentation 4193: 4187: 4126: 4107: 4082: 4070: 4051: 4034: 4021: 3999: 3967: 3966: 3935: 3921: 3893: 3892: 3870: 3869: 3837: 3836: 3788: 3766: 3765: 3733: 3726: 3708: 3691: 3690: 3665: 3656: 3630: 3629: 3587: 3578: and  3557: 3536: 3535: 3513: 3488: 3474: 3469: 3468: 3444: 3431: 3417: 3416: 3406: 3397: 3369: 3368: 3364: 3360: 3318: 3305: 3265: 3241: 3228: 3205: 3204: 3194: 3185: 3180: 3172: 3167: 3159: 3134: 3115: 3105: 3078: 3065: 3046: 3035: 3009: 3002: 2992: 2991: 2981: 2971: 2962: 2956: 2955: 2945: 2942: 2941: 2929: 2922: 2920: 2915: 2910: 2902: 2893: 2888: 2864: 2848: 2807: 2769: 2768: 2743: 2742: 2723: 2722: 2703: 2702: 2683: 2682: 2648: 2611: 2588: 2583: 2542: 2537: 2536: 2506: 2505: 2480: 2479: 2458: 2453: 2452: 2433: 2432: 2411: 2406: 2405: 2371: 2343: 2318: 2313: 2312: 2290: 2289: 2281: 2269: 2252: 2228: 2212: 2170: 2169: 2136: 2135: 2116: 2115: 2096: 2095: 2076: 2075: 2048: 2047: 1997: 1992: 1991: 1970: 1965: 1964: 1943: 1938: 1937: 1918: 1917: 1898: 1897: 1876: 1871: 1870: 1858:, is used as a 1840: 1839: 1817: 1786: 1756:) = 1, if 1728:) = 0, if 1669: 1660: 1636: 1635: 1591: 1590: 1570: 1569: 1562: 1556: 1555: 1514: 1504: 1477: 1476: 1472:is defined as: 1439: 1438: 1256: 1251: 1250: 1142: 1138: 1109: 1108: 1101: 1100: 995: 991: 962: 961: 954: 953: 931: 930: 911: 910: 876: 875: 848: 844: 830: 829: 811: 807: 793: 792: 759: 754: 753: 716: 715: 711: 704: 679: 633: 587: 554: 443: 442: 441: 440: 439: 428: 419: 418: 417: 414: 403: 401:Data clustering 397: 362: 356: 328: 312: 201:volume rendered 197:Medical imaging 172: 170: 163: 161: 154:pulmonary veins 149: 147: 140: 138: 123: 107:medical imaging 48:computer vision 28: 23: 22: 15: 12: 11: 5: 6613: 6611: 6603: 6602: 6597: 6587: 6586: 6583: 6582: 6576: 6563: 6553: 6540: 6534: 6526: 6525:External links 6523: 6521: 6520: 6516:10.13176/11.54 6497: 6491: 6489: 6486: 6483: 6482: 6469: 6456: 6449: 6423: 6402: 6369:Applied Optics 6359: 6343: 6336: 6316: 6306: 6279: 6270: 6258: 6251: 6221: 6203: 6192:(2): 109–120. 6176: 6166: 6153: 6142: 6123: 6111: 6100: 6091: 6074: 6065: 6030: 6017: 6008: 5995: 5982: 5973: 5964: 5947: 5923: 5906: 5889: 5877:Jitendra Malik 5868: 5848: 5813:(2): 266–277. 5793: 5759: 5737: 5716: 5694:10.1.1.46.1266 5663: 5650: 5641: 5599: 5579: 5570: 5561: 5548: 5535: 5512: 5503: 5494: 5463: 5454: 5437: 5428: 5415: 5392: 5373: 5362:(3): 313–333. 5346: 5326: 5250: 5217: 5202: 5176: 5135:(5): 676–686. 5115: 5070: 5046: 4997: 4932: 4859: 4788: 4775: 4754: 4710: 4701:|journal= 4651: 4602: 4585: 4558:(2): 241–253. 4538: 4483: 4472:(2): 160–168. 4456: 4421: 4408: 4395: 4388: 4362: 4353: 4324: 4323: 4321: 4318: 4317: 4316: 4307: 4302: 4293: 4288: 4279: 4273: 4268: 4263: 4257: 4249: 4246: 4233: 4230: 4189:Main article: 4186: 4183: 4142:neural network 4135:neural network 4125: 4122: 4106: 4103: 4081: 4078: 4069: 4066: 4050: 4047: 4033: 4030: 4020: 4017: 4016: 4015: 4012: 4009: 4006: 4003: 3998: 3995: 3974: 3963: 3962: 3947: 3943: 3939: 3933: 3928: 3924: 3920: 3917: 3914: 3911: 3906: 3903: 3900: 3896: 3889: 3886: 3883: 3880: 3877: 3850: 3847: 3844: 3833: 3832: 3818: 3815: 3812: 3809: 3806: 3803: 3800: 3795: 3791: 3787: 3784: 3779: 3776: 3773: 3769: 3763: 3760: 3757: 3754: 3751: 3748: 3745: 3740: 3736: 3732: 3729: 3723: 3720: 3715: 3711: 3707: 3704: 3701: 3698: 3684:Bayes' theorem 3664: 3661: 3655: 3652: 3647: 3646: 3633: 3621: 3617: 3613: 3608: 3604: 3600: 3597: 3594: 3590: 3586: 3583: 3575: 3572: 3569: 3566: 3558: 3556: 3546: 3542: 3538: 3537: 3534: 3531: 3528: 3525: 3522: 3514: 3512: 3502: 3498: 3494: 3493: 3491: 3486: 3481: 3477: 3465: 3464: 3447: 3443: 3434: 3430: 3427: 3424: 3405: 3402: 3385: 3382: 3379: 3376: 3357: 3356: 3345: 3342: 3339: 3334: 3331: 3328: 3325: 3321: 3317: 3312: 3308: 3304: 3301: 3298: 3295: 3292: 3287: 3284: 3281: 3278: 3275: 3272: 3268: 3264: 3261: 3258: 3253: 3244: 3240: 3235: 3231: 3227: 3224: 3221: 3218: 3215: 3212: 3193: 3190: 3184: 3181: 3179: 3178: 3177:terms as well. 3175:log likelihood 3169: 3164: 3156: 3155: 3154: 3141: 3137: 3133: 3127: 3122: 3118: 3112: 3108: 3104: 3101: 3098: 3095: 3091: 3085: 3081: 3077: 3072: 3068: 3064: 3061: 3058: 3053: 3049: 3045: 3042: 3038: 3029: 3026: 3021: 3016: 3012: 3008: 3005: 3001: 2986:Bayes' theorem 2977: 2969: 2959: 2951: 2947: 2937: 2933: 2926: 2917:∈ Σ 2913: 2907: 2900: 2890: 2884: 2863: 2860: 2847: 2844: 2806: 2803: 2782: 2779: 2776: 2756: 2753: 2750: 2730: 2710: 2690: 2679: 2678: 2667: 2664: 2661: 2655: 2651: 2647: 2644: 2641: 2638: 2635: 2632: 2629: 2626: 2620: 2615: 2610: 2607: 2603: 2595: 2591: 2586: 2582: 2579: 2575: 2571: 2567: 2563: 2560: 2555: 2552: 2549: 2545: 2513: 2493: 2490: 2487: 2465: 2461: 2440: 2418: 2414: 2402: 2401: 2390: 2387: 2384: 2378: 2374: 2370: 2367: 2364: 2361: 2358: 2355: 2350: 2346: 2342: 2339: 2336: 2333: 2330: 2325: 2321: 2297: 2280: 2277: 2268: 2265: 2251: 2248: 2227: 2224: 2211: 2208: 2195: 2192: 2189: 2186: 2183: 2180: 2177: 2160:is based on a 2143: 2123: 2103: 2083: 2055: 2010: 2007: 2004: 2000: 1977: 1973: 1950: 1946: 1925: 1905: 1883: 1879: 1867:region-growing 1847: 1835:region-growing 1826:The method of 1820:Region-growing 1816: 1813: 1784: 1768:) ≥  1668: 1665: 1659: 1656: 1643: 1622: 1618: 1615: 1612: 1609: 1606: 1603: 1599: 1587: 1586: 1573: 1563: 1561: 1558: 1557: 1554: 1551: 1547: 1543: 1540: 1537: 1534: 1531: 1528: 1524: 1515: 1513: 1510: 1509: 1507: 1502: 1499: 1496: 1493: 1490: 1487: 1484: 1461: 1458: 1455: 1452: 1449: 1446: 1427: 1426: 1415: 1412: 1409: 1406: 1403: 1400: 1397: 1394: 1391: 1388: 1385: 1382: 1379: 1376: 1373: 1370: 1367: 1364: 1361: 1358: 1355: 1352: 1349: 1346: 1343: 1340: 1337: 1334: 1331: 1328: 1325: 1322: 1319: 1316: 1313: 1310: 1307: 1304: 1301: 1298: 1295: 1292: 1289: 1286: 1283: 1280: 1277: 1274: 1271: 1268: 1263: 1259: 1244: 1243: 1232: 1229: 1226: 1223: 1220: 1217: 1214: 1211: 1208: 1205: 1202: 1199: 1196: 1193: 1190: 1187: 1184: 1181: 1178: 1175: 1172: 1169: 1166: 1163: 1160: 1157: 1149: 1145: 1141: 1136: 1133: 1130: 1127: 1124: 1121: 1116: 1112: 1097: 1096: 1085: 1082: 1079: 1076: 1073: 1070: 1067: 1064: 1061: 1058: 1055: 1052: 1049: 1046: 1043: 1040: 1037: 1034: 1031: 1028: 1025: 1022: 1019: 1016: 1013: 1010: 1002: 998: 994: 989: 986: 983: 980: 977: 974: 969: 965: 949:are given by: 938: 918: 898: 895: 892: 889: 886: 883: 872: 871: 855: 851: 847: 842: 837: 833: 826: 818: 814: 810: 805: 800: 796: 789: 786: 783: 780: 777: 774: 771: 766: 762: 738: 735: 732: 729: 726: 723: 710: 707: 702: 682:Edge detection 678: 677:Edge detection 675: 671:video tracking 646:in the image. 632: 629: 624: 623: 603: 596:Huffman coding 586: 583: 553: 550: 501:In this case, 499: 498: 495: 492: 485: 429: 422: 421: 420: 415: 408: 407: 406: 405: 404: 399:Main article: 396: 393: 358:Main article: 355: 352: 351: 350: 343: 336: 327: 324: 323: 322: 319: 311: 308: 299: 298: 293: 288: 285: 284: 283: 276: 271: 266: 258: 257: 256: 253: 250: 248:Face detection 245: 235: 234: 233: 230: 227: 224: 221: 218: 215: 194: 192:Machine vision 189: 158:abdominal wall 156:(and also the 122: 119: 115:marching cubes 91:edge detection 60:image segments 58:into multiple 26: 24: 14: 13: 10: 9: 6: 4: 3: 2: 6612: 6601: 6598: 6596: 6593: 6592: 6590: 6580: 6577: 6574: 6570: 6567: 6564: 6561: 6557: 6554: 6551: 6547: 6544: 6541: 6538: 6535: 6532: 6529: 6528: 6524: 6517: 6513: 6509: 6505: 6504: 6498: 6496: 6493: 6492: 6487: 6479: 6473: 6470: 6466: 6460: 6457: 6452: 6446: 6442: 6438: 6434: 6427: 6424: 6418: 6413: 6406: 6403: 6398: 6394: 6390: 6386: 6382: 6378: 6374: 6370: 6363: 6360: 6356: 6352: 6347: 6344: 6339: 6333: 6329: 6328: 6320: 6317: 6310: 6307: 6302: 6298: 6294: 6290: 6283: 6280: 6274: 6271: 6268: 6262: 6259: 6254: 6248: 6244: 6240: 6236: 6232: 6225: 6222: 6219: 6215: 6212: 6207: 6204: 6199: 6195: 6191: 6187: 6180: 6177: 6170: 6167: 6163: 6157: 6154: 6151: 6146: 6143: 6140: 6139:0-7923-9418-6 6136: 6132: 6127: 6124: 6121: 6115: 6112: 6109: 6104: 6101: 6095: 6092: 6088: 6084: 6078: 6075: 6069: 6066: 6061: 6057: 6053: 6049: 6045: 6041: 6034: 6031: 6027: 6021: 6018: 6012: 6009: 6005: 5999: 5996: 5992: 5986: 5983: 5977: 5974: 5968: 5965: 5961: 5957: 5951: 5948: 5944: 5940: 5936: 5933: 5927: 5924: 5920: 5916: 5910: 5907: 5903: 5899: 5893: 5890: 5886: 5882: 5878: 5872: 5869: 5865: 5861: 5857: 5856:David Mumford 5852: 5849: 5844: 5840: 5836: 5832: 5828: 5824: 5820: 5816: 5812: 5808: 5804: 5797: 5794: 5790: 5786: 5782: 5778: 5774: 5770: 5763: 5760: 5748: 5741: 5738: 5734: 5733:0-387-95488-0 5730: 5726: 5720: 5717: 5712: 5708: 5704: 5700: 5695: 5690: 5686: 5682: 5678: 5674: 5667: 5664: 5660: 5654: 5651: 5645: 5642: 5637: 5633: 5629: 5625: 5621: 5617: 5610: 5603: 5600: 5596: 5592: 5589: 5583: 5580: 5574: 5571: 5565: 5562: 5558: 5552: 5549: 5545: 5539: 5536: 5530: 5527: 5523: 5520: 5516: 5513: 5507: 5504: 5498: 5495: 5490: 5486: 5482: 5478: 5474: 5467: 5464: 5458: 5455: 5451: 5447: 5441: 5438: 5432: 5429: 5425: 5419: 5416: 5413: 5409: 5405: 5401: 5396: 5393: 5389: 5385: 5382: 5377: 5374: 5369: 5365: 5361: 5357: 5350: 5347: 5343: 5339: 5336: 5330: 5327: 5316:on 2017-08-08 5312: 5308: 5304: 5300: 5296: 5291: 5286: 5281: 5276: 5272: 5268: 5261: 5254: 5251: 5245: 5240: 5236: 5232: 5228: 5221: 5218: 5213: 5209: 5205: 5199: 5195: 5191: 5187: 5180: 5177: 5166:on 2013-05-03 5162: 5158: 5154: 5150: 5146: 5142: 5138: 5134: 5130: 5126: 5119: 5116: 5111: 5107: 5102: 5097: 5093: 5089: 5085: 5081: 5074: 5071: 5065: 5060: 5053: 5051: 5047: 5042: 5038: 5034: 5030: 5025: 5020: 5016: 5012: 5008: 5001: 4998: 4993: 4989: 4985: 4981: 4977: 4973: 4968: 4963: 4959: 4955: 4951: 4947: 4943: 4936: 4933: 4928: 4924: 4919: 4914: 4910: 4906: 4901: 4896: 4892: 4888: 4884: 4880: 4873: 4866: 4864: 4860: 4855: 4851: 4847: 4843: 4839: 4835: 4830: 4825: 4821: 4817: 4813: 4809: 4802: 4795: 4793: 4789: 4785: 4779: 4776: 4770: 4765: 4758: 4755: 4750: 4746: 4742: 4738: 4734: 4730: 4726: 4722: 4714: 4711: 4706: 4693: 4685: 4681: 4677: 4673: 4668: 4663: 4655: 4652: 4647: 4643: 4639: 4635: 4630: 4625: 4621: 4617: 4613: 4606: 4603: 4599: 4595: 4589: 4586: 4581: 4577: 4573: 4569: 4565: 4561: 4557: 4553: 4549: 4542: 4539: 4534: 4530: 4526: 4522: 4518: 4514: 4510: 4506: 4503:(1): 107598. 4502: 4498: 4494: 4487: 4484: 4479: 4475: 4471: 4467: 4460: 4457: 4452: 4448: 4444: 4440: 4436: 4432: 4425: 4422: 4418: 4412: 4409: 4405: 4399: 4396: 4391: 4389:0-7695-1900-8 4385: 4381: 4377: 4373: 4366: 4363: 4357: 4354: 4351: 4350:0-13-030796-3 4347: 4343: 4338: 4336: 4334: 4332: 4330: 4326: 4319: 4311: 4308: 4306: 4303: 4297: 4294: 4292: 4289: 4283: 4280: 4277: 4274: 4272: 4269: 4267: 4264: 4261: 4258: 4255: 4252: 4251: 4247: 4245: 4243: 4239: 4232:Other methods 4231: 4229: 4227: 4223: 4219: 4215: 4211: 4207: 4203: 4199: 4192: 4184: 4182: 4178: 4175: 4171: 4167: 4163: 4161: 4158: 4154: 4150: 4148: 4143: 4138: 4136: 4132: 4123: 4121: 4119: 4115: 4110: 4104: 4102: 4098: 4094: 4090: 4086: 4079: 4077: 4073: 4067: 4065: 4062: 4060: 4056: 4048: 4046: 4044: 4040: 4031: 4029: 4026: 4018: 4013: 4010: 4007: 4004: 4001: 4000: 3996: 3990: 3986: 3926: 3922: 3918: 3915: 3909: 3901: 3898: 3887: 3881: 3875: 3868: 3867: 3866: 3862: 3845: 3842: 3813: 3807: 3801: 3798: 3793: 3789: 3782: 3774: 3771: 3758: 3752: 3746: 3743: 3738: 3734: 3727: 3721: 3713: 3709: 3705: 3702: 3696: 3689: 3688: 3687: 3685: 3681: 3676: 3673: 3670: 3662: 3660: 3653: 3651: 3619: 3615: 3611: 3606: 3602: 3598: 3592: 3588: 3584: 3581: 3573: 3570: 3567: 3554: 3544: 3540: 3532: 3529: 3526: 3523: 3510: 3500: 3496: 3489: 3484: 3479: 3475: 3467: 3466: 3445: 3441: 3432: 3428: 3425: 3415: 3414: 3413: 3411: 3403: 3401: 3380: 3374: 3343: 3329: 3323: 3319: 3315: 3310: 3306: 3299: 3296: 3293: 3282: 3276: 3273: 3270: 3262: 3259: 3251: 3248:initial  3242: 3238: 3233: 3229: 3222: 3219: 3216: 3210: 3203: 3202: 3201: 3199: 3191: 3189: 3182: 3176: 3170: 3165: 3162: 3157: 3139: 3135: 3131: 3120: 3110: 3106: 3099: 3096: 3089: 3083: 3070: 3066: 3059: 3056: 3051: 3047: 3040: 3036: 3027: 3024: 3014: 3010: 3003: 2999: 2990: 2989: 2987: 2980: 2976: 2973: |  2972: 2965: 2960: 2954: 2950: 2940: 2936: 2932: 2927: 2916: 2908: 2903: 2896: 2891: 2886: 2885: 2883: 2876: 2872: 2870: 2861: 2859: 2857: 2853: 2845: 2843: 2841: 2837: 2833: 2832:random walker 2829: 2824: 2820: 2816: 2811: 2804: 2802: 2800: 2796: 2774: 2754: 2751: 2748: 2728: 2708: 2688: 2665: 2662: 2659: 2653: 2645: 2642: 2639: 2633: 2630: 2627: 2624: 2618: 2608: 2593: 2589: 2584: 2580: 2577: 2569: 2561: 2558: 2553: 2550: 2547: 2543: 2535: 2534: 2533: 2531: 2527: 2511: 2491: 2488: 2485: 2463: 2459: 2438: 2416: 2412: 2388: 2385: 2382: 2376: 2368: 2365: 2362: 2356: 2353: 2348: 2340: 2331: 2328: 2323: 2319: 2311: 2310: 2309: 2295: 2287: 2278: 2276: 2274: 2266: 2264: 2262: 2257: 2249: 2247: 2245: 2241: 2237: 2232: 2225: 2223: 2221: 2217: 2209: 2207: 2190: 2187: 2184: 2181: 2175: 2165: 2163: 2159: 2155: 2141: 2121: 2101: 2081: 2073: 2069: 2053: 2044: 2041: 2037: 2033: 2029: 2024: 2008: 2005: 2002: 1998: 1975: 1971: 1948: 1944: 1923: 1903: 1881: 1877: 1868: 1863: 1861: 1845: 1836: 1831: 1829: 1824: 1821: 1814: 1812: 1810: 1806: 1802: 1798: 1795: ×  1794: 1790: 1783: 1779: 1775: 1772:. The bitmap 1771: 1767: 1763: 1759: 1755: 1751: 1747: 1743: 1739: 1735: 1731: 1727: 1723: 1719: 1715: 1711: 1707: 1703: 1699: 1695: 1691: 1687: 1683: 1679: 1675: 1666: 1664: 1657: 1655: 1641: 1613: 1610: 1607: 1601: 1559: 1552: 1549: 1538: 1535: 1532: 1526: 1511: 1505: 1500: 1494: 1491: 1488: 1482: 1475: 1474: 1473: 1456: 1453: 1450: 1444: 1435: 1431: 1410: 1407: 1404: 1398: 1395: 1392: 1386: 1383: 1380: 1377: 1374: 1368: 1365: 1359: 1356: 1353: 1350: 1347: 1341: 1338: 1332: 1329: 1326: 1323: 1320: 1314: 1311: 1305: 1302: 1299: 1296: 1293: 1287: 1284: 1278: 1275: 1272: 1266: 1261: 1249: 1248: 1247: 1227: 1224: 1221: 1215: 1212: 1209: 1203: 1200: 1197: 1194: 1191: 1185: 1182: 1176: 1173: 1170: 1167: 1164: 1158: 1155: 1147: 1143: 1131: 1128: 1125: 1119: 1114: 1099: 1098: 1080: 1077: 1074: 1068: 1065: 1062: 1056: 1053: 1050: 1047: 1044: 1038: 1035: 1029: 1026: 1023: 1020: 1017: 1011: 1008: 1000: 996: 984: 981: 978: 972: 967: 952: 951: 950: 936: 916: 893: 890: 887: 881: 853: 849: 840: 835: 824: 816: 812: 803: 798: 787: 781: 778: 775: 769: 764: 752: 751: 750: 749:is given by: 733: 730: 727: 721: 708: 706: 698: 695: 690: 686: 683: 676: 674: 672: 666: 663: 660: 655: 653: 649: 645: 641: 637: 630: 628: 620: 616: 612: 608: 604: 601: 597: 593: 592: 591: 584: 582: 580: 575: 573: 570: 566: 564: 560: 557: 551: 549: 547: 543: 538: 536: 532: 528: 524: 520: 516: 512: 508: 504: 496: 493: 490: 486: 484: 480: 476: 472: 468: 467: 466: 464: 460: 456: 452: 448: 437: 433: 426: 416:Source image. 412: 402: 394: 392: 388: 384: 382: 378: 377:Otsu's method 374: 369: 367: 361: 353: 347: 344: 340: 337: 333: 330: 329: 325: 320: 317: 316: 315: 309: 307: 304: 297: 294: 292: 289: 286: 281: 277: 275: 272: 270: 267: 265: 262: 261: 259: 254: 251: 249: 246: 244: 241: 240: 239: 236: 231: 228: 225: 222: 219: 216: 213: 212: 210: 206: 202: 198: 195: 193: 190: 188: 185: 184: 183: 178: 169: 159: 155: 146: 136: 132: 127: 120: 118: 116: 112: 108: 104: 100: 96: 92: 88: 83: 81: 77: 73: 69: 68:image objects 65: 64:image regions 61: 57: 56:digital image 53: 49: 45: 37: 32: 19: 18:Image segment 6562:by Mathworks 6507: 6501: 6472: 6459: 6432: 6426: 6405: 6372: 6368: 6362: 6354: 6346: 6326: 6319: 6309: 6292: 6288: 6282: 6273: 6261: 6234: 6224: 6206: 6189: 6185: 6179: 6169: 6156: 6145: 6126: 6114: 6103: 6094: 6081:A. Witkin, " 6077: 6068: 6043: 6039: 6033: 6020: 6011: 5998: 5985: 5976: 5967: 5959: 5950: 5942: 5926: 5918: 5909: 5901: 5892: 5884: 5871: 5863: 5851: 5810: 5806: 5801:Chan, T.F.; 5796: 5772: 5768: 5762: 5750:. Retrieved 5740: 5719: 5679:(1): 12–49. 5676: 5672: 5666: 5653: 5644: 5622:(1): 61–79. 5619: 5615: 5602: 5582: 5573: 5564: 5551: 5538: 5515: 5506: 5497: 5483:(1): 88–98. 5480: 5476: 5466: 5457: 5440: 5431: 5418: 5395: 5387: 5376: 5359: 5355: 5349: 5329: 5318:. Retrieved 5311:the original 5270: 5266: 5253: 5234: 5230: 5220: 5185: 5179: 5168:. Retrieved 5161:the original 5132: 5128: 5118: 5083: 5079: 5073: 5014: 5010: 5000: 4949: 4945: 4935: 4882: 4878: 4811: 4807: 4778: 4757: 4724: 4720: 4713: 4692:cite journal 4654: 4622:(1): 76–84. 4619: 4615: 4605: 4597: 4588: 4555: 4551: 4541: 4500: 4496: 4486: 4469: 4465: 4459: 4434: 4430: 4424: 4411: 4398: 4371: 4365: 4356: 4235: 4214:Segment-Tube 4213: 4206:bounding box 4194: 4179: 4164: 4151: 4139: 4127: 4111: 4108: 4099: 4095: 4091: 4087: 4083: 4074: 4071: 4063: 4052: 4035: 4022: 3964: 3863: 3834: 3677: 3674: 3666: 3657: 3648: 3407: 3358: 3195: 3186: 2978: 2974: 2967: 2963: 2952: 2948: 2938: 2934: 2930: 2911: 2898: 2894: 2881: 2865: 2849: 2808: 2680: 2404:A minimizer 2403: 2282: 2270: 2253: 2229: 2213: 2166: 2156: 2045: 2025: 1864: 1832: 1825: 1818: 1808: 1804: 1800: 1796: 1792: 1788: 1781: 1780:the measure 1777: 1773: 1769: 1765: 1761: 1757: 1753: 1749: 1745: 1741: 1737: 1733: 1729: 1725: 1721: 1717: 1713: 1709: 1705: 1701: 1697: 1693: 1689: 1685: 1681: 1677: 1673: 1670: 1661: 1588: 1436: 1432: 1428: 1245: 873: 712: 699: 691: 687: 680: 667: 664: 656: 634: 625: 588: 576: 567: 561: 558: 555: 539: 534: 518: 500: 470: 458: 444: 435: 434:-means with 431: 389: 385: 370: 366:thresholding 363: 354:Thresholding 345: 338: 331: 313: 300: 232:Radiotherapy 203:images from 181: 121:Applications 84: 67: 63: 59: 51: 41: 6510:(1): 1–13. 6314:Switzerland 5017:: 228–240. 4952:: 782–795. 4885:(5): 1657. 4437:: 315–337. 4174:autoencoder 4147:Kohonen map 4055:scale space 2286:Potts model 2240:Terzopoulos 2072:intensities 2032:intensities 659:recursively 335:background. 282:checkpoints 168:mediastinum 6589:Categories 6488:References 6417:1505.04597 6295:(3): 345. 5752:15 January 5412:0387954880 5320:2011-05-08 5237:(9): 709. 5170:2012-07-31 5064:1801.00868 4769:2210.12388 4406:." (2007). 4242:DTI images 4157:biomimetic 2921:for pixel 2231:Lagrangian 600:chain code 542:Mean Shift 525:, or by a 303:algorithms 80:boundaries 6433:CVPR 2011 6060:0162-8828 5711:0021-9991 5689:CiteSeerX 5586:L. Chen, 5400:R. Kimmel 5285:CiteSeerX 5280:1006.3679 5273:: 86–98. 5096:CiteSeerX 5041:159038604 4992:201753511 4976:1057-7149 4909:1424-8220 4838:1057-7149 4684:239012446 4638:2472-6303 4600:, Vol. 4. 4533:221126896 4517:1047-8477 3973:Ω 3942:Ω 3919:∣ 3916:λ 3905:Λ 3902:∈ 3899:λ 3895:Σ 3882:λ 3849:Λ 3846:∈ 3843:λ 3814:λ 3802:λ 3799:∣ 3778:Λ 3775:∈ 3772:λ 3768:Σ 3759:λ 3747:λ 3744:∣ 3706:∣ 3703:λ 3616:ℓ 3596:Δ 3593:− 3582:δ 3565:Δ 3541:ℓ 3527:≤ 3521:Δ 3497:ℓ 3476:ℓ 3442:− 3423:Δ 3320:ℓ 3307:ℓ 3300:δ 3297:− 3274:∈ 3267:Σ 3263:β 3243:ℓ 3239:− 3230:ℓ 3223:δ 3220:− 3211:α 3136:ℓ 3107:ℓ 3100:σ 3067:ℓ 3060:μ 3057:− 3041:− 3028:π 3011:ℓ 3004:σ 2781:∞ 2778:→ 2775:μ 2749:μ 2643:− 2634:∫ 2606:∇ 2585:∫ 2581:μ 2562:γ 2559:⁡ 2532:given by 2486:γ 2464:∗ 2417:∗ 2366:− 2357:∫ 2345:‖ 2338:∇ 2335:‖ 2332:γ 2329:⁡ 2188:⁡ 2142:λ 2122:λ 2102:λ 2082:λ 2054:λ 1904:δ 1846:δ 1716:), where 1566:otherwise 1550:≥ 1393:− 1384:− 1324:− 1258:∇ 1210:− 1201:− 1140:∂ 1111:∂ 1063:− 1048:− 993:∂ 964:∂ 846:∂ 832:∂ 809:∂ 795:∂ 761:∇ 652:intensity 636:Histogram 527:heuristic 511:intensity 483:K-means++ 479:heuristic 463:algorithm 451:iterative 177:diaphragm 99:intensity 6569:Archived 6546:Archived 6397:20936043 6267:641–656. 6214:Archived 5935:Archived 5879:(2000): 5835:18249617 5803:Vese, L. 5591:Archived 5522:Archived 5338:Archived 5307:11070572 5157:10994501 5149:19272989 5033:31103790 4984:31449020 4927:29789447 4854:51867241 4846:30059300 4749:12766600 4741:20172792 4646:35058205 4580:13474403 4572:23860630 4525:32783967 4451:11701515 4248:See also 4118:Livewire 3561:if  3517:if  2871:method. 2214:Using a 2162:quadtree 2028:Haralick 1865:Another 1518:if  644:clusters 523:randomly 503:distance 489:distance 475:randomly 87:contours 6377:Bibcode 6006:", CVPR 5843:7602622 5815:Bibcode 5789:7467344 5735:, 2003. 5681:Bibcode 5212:8422475 5088:Bibcode 4954:Bibcode 4918:5982167 4887:Bibcode 4879:Sensors 4816:Bibcode 4662:bioRxiv 4208:-based 2856:cliques 2040:scatter 1787:=  1764:,  1752:,  1736:,  1724:,  1712:,  1704:=  1696:,  1688:=  1676:=  694:Gestalt 615:entropy 546:apriori 531:optimal 515:texture 342:object. 133:of the 131:CT scan 103:texture 6447:  6395:  6334:  6249:  6137:  6087:ICASSP 6058:  5841:  5833:  5787:  5731:  5709:  5691:  5636:406088 5634:  5448:  5410:  5305:  5287:  5210:  5200:  5155:  5147:  5098:  5039:  5031:  4990:  4982:  4974:  4925:  4915:  4907:  4852:  4844:  4836:  4747:  4739:  4682:  4664:  4644:  4636:  4578:  4570:  4531:  4523:  4515:  4449:  4386:  4348:  3965:where 3398:δ 3365:β 3361:α 3359:where 3161:Clique 2984:using 2946:σ 2931:μ 2909:where 2838:, and 2544:argmin 2320:argmin 2244:snakes 2236:Witkin 2034:. The 1744:, and 640:pixels 449:is an 436:k = 16 349:class. 175:: the 173:violet 166:: the 164:yellow 135:thorax 76:pixels 6412:arXiv 6174:2000. 6120:1993. 5839:S2CID 5785:S2CID 5632:S2CID 5612:(PDF) 5314:(PDF) 5303:S2CID 5275:arXiv 5263:(PDF) 5208:S2CID 5164:(PDF) 5153:S2CID 5059:arXiv 5037:S2CID 4988:S2CID 4875:(PDF) 4850:S2CID 4804:(PDF) 4764:arXiv 4745:S2CID 4680:S2CID 4576:S2CID 4529:S2CID 4320:Notes 4168:is a 4166:U-Net 3835:Here 2819:nodes 2810:Graph 648:Color 507:color 469:Pick 457:into 101:, or 95:color 36:femur 6558:and 6445:ISBN 6393:PMID 6332:ISBN 6247:ISBN 6135:ISBN 6056:ISSN 5831:PMID 5754:2012 5729:ISBN 5707:ISSN 5446:ISBN 5408:ISBN 5198:ISBN 5145:PMID 5029:PMID 4980:PMID 4972:ISSN 4923:PMID 4905:ISSN 4842:PMID 4834:ISSN 4737:PMID 4705:help 4642:PMID 4634:ISSN 4568:PMID 4521:PMID 4513:ISSN 4447:PMID 4384:ISBN 4346:ISBN 4226:LSTM 4224:and 4114:SIOX 4041:and 4023:The 3667:The 3585:< 3571:> 3196:The 2823:edge 2821:and 2797:and 2752:> 2526:Vese 2489:> 2271:The 2254:The 2238:and 2038:and 2036:mean 1833:One 929:and 540:The 445:The 141:blue 72:sets 46:and 6512:doi 6437:doi 6385:doi 6297:doi 6239:doi 6194:doi 6048:doi 5823:doi 5777:doi 5699:doi 5624:doi 5485:doi 5364:doi 5295:doi 5239:doi 5190:doi 5137:doi 5106:doi 5019:doi 4962:doi 4913:PMC 4895:doi 4824:doi 4729:doi 4672:doi 4624:doi 4596:", 4560:doi 4505:doi 4501:212 4474:doi 4439:doi 4376:doi 4222:CNN 3625:old 3550:new 3506:new 3450:old 3437:new 2308:by 2185:log 650:or 465:is 150:red 74:of 66:or 42:In 6591:: 6506:. 6443:. 6391:. 6383:. 6373:33 6371:. 6293:46 6291:. 6245:. 6233:. 6190:19 6188:. 6133:, 6054:. 6044:14 6042:. 5958:, 5941:, 5917:, 5900:, 5883:, 5862:, 5837:. 5829:. 5821:. 5811:10 5809:. 5783:, 5773:48 5771:, 5705:. 5697:. 5687:. 5677:79 5675:. 5630:. 5620:22 5618:. 5614:. 5481:67 5479:. 5475:. 5402:, 5386:, 5358:. 5301:. 5293:. 5283:. 5271:95 5269:. 5265:. 5235:13 5233:. 5229:. 5206:. 5196:. 5151:. 5143:. 5133:28 5131:. 5127:. 5104:. 5094:. 5084:42 5082:. 5049:^ 5035:. 5027:. 5015:55 5013:. 5009:. 4986:. 4978:. 4970:. 4960:. 4950:29 4948:. 4944:. 4921:. 4911:. 4903:. 4893:. 4883:18 4881:. 4877:. 4862:^ 4848:. 4840:. 4832:. 4822:. 4812:27 4810:. 4806:. 4791:^ 4743:. 4735:. 4725:57 4723:. 4696:: 4694:}} 4690:{{ 4678:. 4670:. 4640:. 4632:. 4620:27 4618:. 4614:. 4574:. 4566:. 4554:. 4550:. 4527:. 4519:. 4511:. 4499:. 4495:. 4470:23 4468:. 4445:. 4433:. 4382:. 4328:^ 4244:. 4220:, 4149:. 4116:, 4061:. 4045:. 3686:. 2842:. 2801:. 2134:. 1791:/( 1785:DC 703:DL 701:(M 673:. 581:. 574:. 537:. 513:, 509:, 383:. 375:, 207:, 171:– 162:– 152:: 148:– 143:: 139:– 117:. 97:, 50:, 6518:. 6514:: 6508:3 6453:. 6439:: 6420:. 6414:: 6399:. 6387:: 6379:: 6340:. 6303:. 6299:: 6255:. 6241:: 6200:. 6196:: 6062:. 6050:: 5845:. 5825:: 5817:: 5779:: 5756:. 5713:. 5701:: 5683:: 5638:. 5626:: 5491:. 5487:: 5452:. 5370:. 5366:: 5360:8 5323:. 5297:: 5277:: 5247:. 5241:: 5214:. 5192:: 5173:. 5139:: 5112:. 5108:: 5090:: 5067:. 5061:: 5043:. 5021:: 4994:. 4964:: 4956:: 4929:. 4897:: 4889:: 4856:. 4826:: 4818:: 4772:. 4766:: 4751:. 4731:: 4707:) 4703:( 4686:. 4674:: 4648:. 4626:: 4582:. 4562:: 4556:9 4535:. 4507:: 4480:. 4476:: 4453:. 4441:: 4435:2 4392:. 4378:: 3946:| 3938:| 3932:) 3927:i 3923:f 3913:( 3910:P 3888:= 3885:) 3879:( 3876:P 3817:) 3811:( 3808:P 3805:) 3794:i 3790:f 3786:( 3783:P 3762:) 3756:( 3753:P 3750:) 3739:i 3735:f 3731:( 3728:P 3722:= 3719:) 3714:i 3710:f 3700:( 3697:P 3620:i 3612:, 3607:T 3603:/ 3599:U 3589:e 3574:0 3568:U 3555:, 3545:i 3533:, 3530:0 3524:U 3511:, 3501:i 3490:{ 3485:= 3480:i 3446:U 3433:U 3429:= 3426:U 3384:) 3381:i 3378:( 3375:N 3344:. 3341:) 3338:) 3333:) 3330:i 3327:( 3324:q 3316:, 3311:i 3303:( 3294:1 3291:( 3286:) 3283:i 3280:( 3277:N 3271:q 3260:+ 3257:) 3252:i 3234:i 3226:( 3217:1 3214:( 3140:i 3132:d 3126:) 3121:2 3117:) 3111:i 3103:( 3097:2 3094:( 3090:/ 3084:2 3080:) 3076:) 3071:i 3063:( 3052:i 3048:f 3044:( 3037:e 3025:2 3020:) 3015:i 3007:( 3000:1 2982:) 2979:i 2975:ℓ 2970:i 2968:f 2966:( 2964:P 2953:i 2949:ℓ 2939:i 2935:ℓ 2923:i 2914:i 2912:f 2904:) 2901:i 2899:f 2897:( 2895:P 2755:0 2729:f 2709:u 2689:K 2666:. 2663:x 2660:d 2654:2 2650:) 2646:f 2640:u 2637:( 2631:+ 2628:x 2625:d 2619:2 2614:| 2609:u 2602:| 2594:C 2590:K 2578:+ 2574:| 2570:K 2566:| 2554:K 2551:, 2548:u 2512:u 2492:0 2460:u 2439:f 2413:u 2389:. 2386:x 2383:d 2377:2 2373:) 2369:f 2363:u 2360:( 2354:+ 2349:0 2341:u 2324:u 2296:f 2194:) 2191:n 2182:n 2179:( 2176:O 2009:1 2006:+ 2003:n 1999:A 1976:i 1972:A 1949:j 1945:A 1924:T 1882:1 1878:A 1809:G 1805:L 1801:k 1797:L 1793:k 1789:G 1782:M 1778:T 1774:b 1770:T 1766:y 1762:x 1760:( 1758:B 1754:y 1750:x 1748:( 1746:φ 1742:T 1738:y 1734:x 1732:( 1730:B 1726:y 1722:x 1720:( 1718:φ 1714:y 1710:x 1708:( 1706:φ 1702:b 1698:y 1694:x 1692:( 1690:B 1686:B 1682:B 1680:( 1678:H 1674:H 1642:T 1621:| 1617:) 1614:y 1611:, 1608:x 1605:( 1602:R 1598:| 1560:0 1553:T 1546:| 1542:) 1539:y 1536:, 1533:x 1530:( 1527:R 1523:| 1512:1 1506:{ 1501:= 1498:) 1495:y 1492:, 1489:x 1486:( 1483:g 1460:) 1457:y 1454:, 1451:x 1448:( 1445:g 1414:) 1411:y 1408:, 1405:x 1402:( 1399:f 1396:4 1390:) 1387:1 1381:y 1378:, 1375:x 1372:( 1369:f 1366:+ 1363:) 1360:1 1357:+ 1354:y 1351:, 1348:x 1345:( 1342:f 1339:+ 1336:) 1333:y 1330:, 1327:1 1321:x 1318:( 1315:f 1312:+ 1309:) 1306:y 1303:, 1300:1 1297:+ 1294:x 1291:( 1288:f 1285:= 1282:) 1279:y 1276:, 1273:x 1270:( 1267:f 1262:2 1231:) 1228:y 1225:, 1222:x 1219:( 1216:f 1213:2 1207:) 1204:1 1198:y 1195:, 1192:x 1189:( 1186:f 1183:+ 1180:) 1177:1 1174:+ 1171:y 1168:, 1165:x 1162:( 1159:f 1156:= 1148:2 1144:y 1135:) 1132:y 1129:, 1126:x 1123:( 1120:f 1115:2 1084:) 1081:y 1078:, 1075:x 1072:( 1069:f 1066:2 1060:) 1057:y 1054:, 1051:1 1045:x 1042:( 1039:f 1036:+ 1033:) 1030:y 1027:, 1024:1 1021:+ 1018:x 1015:( 1012:f 1009:= 1001:2 997:x 988:) 985:y 982:, 979:x 976:( 973:f 968:2 937:y 917:x 897:) 894:y 891:, 888:x 885:( 882:f 854:2 850:y 841:f 836:2 825:+ 817:2 813:x 804:f 799:2 788:= 785:) 782:y 779:, 776:x 773:( 770:f 765:2 737:) 734:y 731:, 728:x 725:( 722:f 535:K 519:K 471:K 459:K 432:k 160:) 70:( 20:)

Index

Image segment

femur
digital image processing
computer vision
digital image
sets
pixels
boundaries
contours
edge detection
color
intensity
texture
medical imaging
3D reconstructions
marching cubes

CT scan
thorax
pulmonary arteries
pulmonary veins
abdominal wall
mediastinum
diaphragm
Content-based image retrieval
Machine vision
Medical imaging
volume rendered
computed tomography

Text is available under the Creative Commons Attribution-ShareAlike License. Additional terms may apply.