Fact-checked by Grok 2 weeks ago

Color histogram

A color histogram is a quantitative representation of the distribution of color intensities in a , where each or bucket counts the number of pixels corresponding to a specific color value within a defined , such as RGB or . This representation extends the histogram concept by accounting for multiple color channels, allowing analysis of color frequency rather than just intensity, and is particularly useful for images with textured content where segmentation is challenging. Typically constructed as a of values, a color histogram discretizes the into a manageable number of —often 64 for RGB with 2 bits per channel—to balance detail and computational efficiency. In practice, color histograms are generated by partitioning the image's s into color bins based on their channel values, enabling visualizations that reveal aspects like dominant colors, , and across channels such as , , and . For enhancement purposes, techniques like can be applied separately to each color channel or to derived values, improving visibility by redistributing values to achieve more while preserving . However, standard color histograms lack spatial information, treating all s of a color equally regardless of their positions, which can lead to ambiguities in distinguishing structured color regions from scattered ones. Color histograms play a central role in applications, including , where they enable fast similarity matching via metrics like histogram intersection, processing thousands of images efficiently due to their low computational cost—around 67 images per second on older hardware. They are invariant to and about the viewing axis, and relatively robust to small changes in scale, , or viewpoint, making them suitable for and tracking tasks. Variants such as spatial color histograms or color vectors address limitations by incorporating positional or regional data, enhancing retrieval accuracy in large databases by up to 68 positions in ranking on average.

Fundamentals

Definition and Purpose

A color histogram is a graphical representation of the frequency distribution of colors in a , quantifying the number of pixels that exhibit colors within predefined ranges or bins spanning the image's . This representation treats the image as an array of pixels, each encoded with color values in a model such as RGB (, , ), where the histogram aggregates these values to depict overall color prevalence without regard to spatial arrangement. By discretizing the continuous into bins, it provides a compact summary of tonal distribution, applicable to both intensity histograms and multidimensional color data. The primary purposes of a color histogram lie in its utility as a statistical for image analysis, enabling efficient summarization of color to reveal dominant hues, levels, or imbalances in an image. It facilitates direct comparisons between images by measuring similarity in color distributions, which is particularly valuable in tasks like where global color profiles serve as invariant features under transformations such as or . Additionally, as a feature descriptor, it underpins computational applications including and segmentation, where histogram-based metrics quantify perceptual similarities without requiring complex . Historically, the use of histograms in emerged in the early 1970s as a means to analyze and enhance , with foundational techniques like introduced to redistribute pixel intensities for improved visibility. Color histograms built upon this by extending univariate analysis to multivariate color spaces, gaining prominence in the late and early through applications in and indexing, where they proved robust for identifying objects based on color signatures alone.

Color Spaces and Representation

Color histograms are constructed within specific color spaces that influence their dimensionality, perceptual relevance, and computational efficiency. The , an dependent on device characteristics, represents colors through , , and channels, each typically quantized into bins for computation. This results in three independent 1D histograms per channel or a joint 3D histogram capturing inter-channel correlations, though the latter often suffers from sparsity due to the curse of dimensionality in high-dimensional spaces. In contrast, the (Hue, Saturation, ) or HSB color space provides a perceptual representation that separates (hue and ) from (), aligning more closely with human vision. Histograms in HSV can be formed as 1D distributions for individual channels, 2D for hue-saturation planes to emphasize color tones independent of brightness, or for full representation, reducing effective dimensionality and mitigating sparsity compared to RGB by focusing on perceptually meaningful components. This separation enhances utility in applications requiring robustness to lighting variations, with typical binning schemes using 6 bins for hue, 3 for , and 3 for , yielding 54 bins overall. The CIELAB (Lab*) color space, designed for perceptual uniformity, models (L*) and opponent colors (a* for red-green, b* for yellow-blue), making it device-independent and suitable for histograms that reflect color differences. Similar to RGB and HSV, it supports 1D channel-wise, 2D (a*-b*), or 3D histograms, but its uniform metric reduces perceptual distortions, trading off some computational simplicity for better handling of color correlations across channels. The choice among these spaces balances trade-offs: RGB offers simplicity but device dependency and sparsity; HSV prioritizes perceptual separation at moderate cost; CIELAB ensures uniformity for precision, albeit with conversion overhead from RGB inputs.

Construction

Binning and Discretization

Binning in color histograms refers to the process of partitioning the continuous range of color values—typically from 0 to 255 per in 8-bit images—into a of intervals, known as bins, to represent the distribution of colors efficiently. This reduces the dimensionality of the while preserving essential distributional information, striking a balance between representational detail and computational efficiency; for instance, 8 to 64 bins per are commonly employed to avoid excessive that could lead to sparse histograms or high storage demands. Several discretization methods exist for binning color values. Uniform binning divides the color range into equal-sized intervals, creating rectangular partitions across the , which is straightforward and widely used in early color indexing techniques. Adaptive binning, in contrast, adjusts bin boundaries based on the specific color in the , allocating more s to densely populated regions and fewer to sparse ones, thereby improving accuracy without fixed bin counts. Quantization techniques, such as , further enable adaptive by grouping pixels into clusters where each cluster center represents a , optimizing for perceptual uniformity in spaces like CIELAB. The assignment of a pixel's color value c to a is typically computed using the for uniform binning: b = \left\lfloor \frac{c}{w} \right\rfloor where b is the and w is the bin width, defined as w = \frac{256}{\text{number of bins}} for an 8-bit to span the full range. This ensures systematic mapping, though adaptive methods modify the process by iteratively refining cluster assignments via distance metrics like CIE94. To prevent data loss from underflow (values below the first ) or (values above the last ), binning strategies incorporate edge bins that fully encompass the input ; for example, the first includes all values from 0 inclusive, and the last extends to 255 inclusive, often by adjusting the width of intervals or using inclusive upper bounds in the . In adaptive approaches, clustering algorithms inherently avoid such issues by initializing seeds across the observed data distribution and merging small clusters to cover extremes.

Computation Methods

The of a color typically begins with a straightforward that processes the by . For each , the color values are quantized into the appropriate , and the corresponding counter in the is incremented. This iterative approach examines every exactly once, resulting in a of O(N), where N is the number of in the . To enhance efficiency, particularly for with discrete values (e.g., 8-bit per ), implementations often employ direct indexing or precomputed lookup tables to map values to indices rapidly, avoiding floating-point operations or complex hashing. This technique minimizes al overhead during accumulation, making it suitable for applications on standard hardware. For large-scale or high-resolution , on units (GPUs) accelerates the by distributing iterations across thousands of threads, leveraging operations to shared safely and reducing overall execution time from seconds to milliseconds on consumer GPUs. Handling multichannel , such as RGB images, can involve separate one-dimensional for each independently, which keeps the total number of bins manageable (e.g., 256 bins per channel for 8-bit ). Alternatively, a joint captures the full color by treating channels as dimensions in a multidimensional array, where the bin index is derived from the of individual channel bins—resulting in up to $256^3 = 16,777,216 bins for unmitigated 8-bit RGB, though this is often reduced via quantization to coarser levels (e.g., 8-32 bins per channel) to control memory usage and computation time. In practical libraries, the function cv::calcHist() provides a versatile implementation for , supporting up to 32 dimensions for multichannel and allowing customizable sizes (via histSize) and value ranges (via ranges) to accommodate various quantization schemes and color spaces.

Properties

Statistical Characteristics

Color histograms exhibit key statistical characteristics that reflect the underlying color in an . The presence of unimodal or peaks in the corresponds to dominant colors, where higher peaks indicate colors that appear more frequently across the pixels. These peaks provide insights into the composition, with distributions often arising in images containing multiple distinct objects or regions. Measures such as and further quantify the shape of the color . assesses the asymmetry of the around its , with positive values indicating a longer tail on the right side (suggesting a of higher-intensity colors) and negative values the opposite. evaluates the peakedness or flatness, where positive kurtosis denotes a sharp central peak with heavy tails, and negative kurtosis implies a broader, more . As a of color occurrences, a color histogram approximates the (PMF) of colors when normalized, capturing the relative frequencies across . The unnormalized histogram's values to the total number of in the image, ensuring it fully accounts for all color instances. Formally, the frequency in b is given by h(b) = \sum_{i=1}^N \delta(c_i \in b), where N is the pixel count, c_i is the color of the i-th , and \delta is the (1 if the condition holds, 0 otherwise). In natural images, color histograms often exhibit long-tail distributions, characterized by a few dominant colors comprising the majority of pixels while rare colors form extended tails, largely due to the prevalence of uniform backgrounds. This property, frequently associated with positive , highlights the sparsity in color usage typical of real-world scenes.

Normalization and Scaling

Normalization of color histograms involves transforming raw bin counts into standardized representations that enable fair comparisons across images. A fundamental technique is converting the histogram to a by dividing each bin count h(b) by the total number of pixels N in the image, resulting in h'(b) = \frac{h(b)}{N}. This method renders the histogram independent of image dimensions, addressing the sensitivity of raw histograms to varying sizes, which otherwise hinders direct comparisons. is crucial for invariant comparisons under illumination changes, as raw histograms are sensitive to image size, though full invariance often requires additional adjustments. Equivalently, L1 normalization scales the histogram to unit sum, defined as h_{\text{norm}}(b) = \frac{h(b)}{\sum_{b'} h(b')}, where the denominator equals N, producing a distribution that sums to 1. This form is widely adopted in for distance-based metrics, such as Bhattacharyya or , in tasks like , as it treats the histogram as a suitable for probabilistic similarity measures. Beyond basic , scaling approaches adapt histograms for enhanced analysis or visualization. employs the (CDF) to remap values toward uniformity, improving by spreading out levels; the CDF is given by \text{CDF}(b) = \sum_{k \leq b} h'(k), and the equalized value for a bin is typically s(b) = (L-1) \cdot \text{CDF}(b), where L is the number of s. In color contexts, this can be extended to multichannel or histograms to preserve perceptual uniformity while equalizing across color components. For sparse histograms with many low-count or empty s—common when images feature limited color palettes—log-scaling applies a logarithmic transformation, such as h_{\log}(b) = \log(1 + h(b)), to compress dynamic ranges, mitigate the dominance of high-frequency s, and highlight subtle variations in underrepresented colors. These techniques build on the underlying bin frequencies to ensure robust statistical properties for downstream applications, without altering the core .

Applications

Image Retrieval and Matching

Color histograms serve as compact signatures in (CBIR) systems, enabling efficient searching and comparison of based on their global color distributions. Introduced in seminal work on color indexing, these histograms allow querying large databases by matching the color content of a query against stored representations, facilitating applications in search and . By representing as probability distributions over color bins, normalized histograms mitigate issues from varying sizes and support probabilistic similarity measures. Matching techniques primarily rely on distance metrics to quantify histogram similarity, treating them as vectors or distributions. The Euclidean distance computes the straight-line separation in feature space, given by D = \sqrt{\sum (h_1(b) - h_2(b))^2}, where h_1(b) and h_2(b) are bin values for query and database histograms. For distribution-based comparisons, the Chi-square metric emphasizes relative differences, formulated as D = \sum \frac{(h_1(b) - h_2(b))^2}{h_1(b)}, while the Bhattacharyya coefficient measures overlap via BC = \sum \sqrt{h_1(b) h_2(b)}, with lower distances or higher coefficients indicating greater similarity; these are particularly effective for probabilistic interpretations of color distributions. A prominent early implementation is the QBIC system developed by in the , which utilized color histograms to support queries by example, allowing users to retrieve images similar in color composition through weighted distances on binned RGB representations. This prototype demonstrated practical scalability for databases of thousands of images, achieving retrieval times under one second on contemporary hardware. In modern extensions, color histograms are fused with features to create hybrid descriptors, enhancing robustness to variations like illumination changes that challenge traditional methods alone. For instance, convolutional neural networks extract semantic features that complement histogram-based color statistics, improving precision in diverse datasets such as Corel or Wang galleries.

Segmentation and Analysis

Color histograms play a crucial role in by enabling ing techniques that separate regions based on color distribution valleys, which indicate natural boundaries between foreground and background. In bimodal histograms, where two prominent peaks represent distinct color classes, valleys between them serve as effective points for partitioning the image into homogeneous segments. automates this process by selecting the threshold that minimizes intra-class variance, originally formulated for images but extended to color spaces through per-channel application or multidimensional thresholding. For detailed , back-projection maps a reference onto the input , assigning to each a value proportional to the probability of its color occurring in the reference distribution, thereby highlighting regions of interest as a . The back-projection probability for a at position (x, y) with color c_{x,y} is given by p(x,y) = \frac{h(c_{x,y})}{N}, where h(c_{x,y}) is the histogram bin value for that color and N is the total number of pixels. This technique facilitates region highlighting and segmentation by emphasizing color matches, as demonstrated in early color-based systems. Dominant color extraction from color histograms involves peak detection algorithms to identify the most frequent or color clusters, which represent primary hues in the for subsequent or simplification. These peaks, often found using local maxima detection in the joint , allow for compact representation of image content by retaining only the top-k s, reducing complexity while preserving perceptual . In , color histograms support tissue classification by quantifying color distributions in stained samples, such as H&E sections, to differentiate cell types or pathological regions through histogram-based feature extraction and clustering. This approach enhances automated diagnosis by enabling robust segmentation of tissues like tumors or wounds, where color variations indicate biological properties.

Examples

Single-Channel Histogram

A single-channel intensity histogram serves as a fundamental illustration of histogram construction in grayscale images, where pixel values range from 0 () to 255 () in an 8-bit representation. Consider an example of a landscape image depicting a clear against a shadowed , such as a typical outdoor scene processed for analysis. This setup employs a 256-bin to capture the distribution of levels, revealing a bimodal : one clusters around low intensities for the darker and shadows, while the other corresponds to high intensities from the bright . Such distributions arise commonly in scenes with contrasting regions, as the often dominates brighter tones and the contributes to darker ones. The visualization of this plots on the x-axis from 0 to 255 and frequency (number of pixels per ) on the y-axis, forming a bar graph or that highlights the bimodal shape. Peaks emerge at low values for dark areas like or foliage under , and at high values for the sky's uniform brightness, with fewer pixels in mid-range representing transitional tones. This graphical representation, often generated using uniform for values, provides an intuitive view of tonal balance in the image. Interpreting the histogram reveals opportunities for enhancement techniques, such as , which remaps intensities to approximate a , thereby flattening the bimodal peaks to improve overall and detail visibility in both shadows and highlights. This example underscores the histogram's role in diagnosing and correcting underexposed or low-contrast regions in single-channel imagery.

Multichannel Color Histogram

A multichannel color histogram captures the joint distribution of pixel intensities across multiple color channels, such as (R), (G), and (B) in RGB , enabling analysis of color interactions beyond independent channels. Consider an example using a of a apple against a background, a common natural scene in image processing studies for and segmentation. The image is typically quantized into bins per channel, such as 256 for 8-bit values, to represent the in three dimensions. In this setup, the channel exhibits high frequencies corresponding to the apple's dominant hue, while the channel shows peaks reflecting the background; the channel remains relatively low across both. The joint highlights correlations between channels, such as the apple's high red intensity pairing with lower green and blue values, which underscores how multichannel representations reveal perceptual color clustering not visible in marginal distributions. Visualizations of such histograms often employ 3D surface plots with , , and as axes and frequency as height, or 2D projections onto planes like or for easier inspection. Slices through the volume at fixed values (e.g., low ) or heatmaps of densities further illustrate distributions, making multidimensional aspects accessible despite the high count. A notable feature in this example is the color clustering around the apple's reddish tone (high , low and ) against the greener surroundings.

Limitations and Alternatives

Common Drawbacks

Color histograms exhibit several notable drawbacks that limit their effectiveness in various image processing applications. A fundamental limitation is their disregard for spatial information, as they aggregate colors globally without accounting for positional relationships. Consequently, images with identical color distributions but differing spatial configurations—such as a solid block of versus the same number of scattered pixels—produce the same , rendering the representation inadequate for tasks like object localization or scene understanding. These representations are also sensitive to image transformations and environmental factors. Geometric operations like cropping alter the pixel counts and distributions, directly changing the histogram. Similarly, rotation and scaling can modify the effective color content if they involve boundary effects or resolution changes, while illumination variations shift color values across bins, disrupting similarity comparisons. Although normalization techniques attempt to mitigate issues related to scaling by adjusting for image size or intensity ranges, they cannot fully compensate for these sensitivities. In multichannel setups, such as RGB histograms, the curse of dimensionality exacerbates these problems; with 256 quantization levels per channel, the feature space can expand to over 16 million , resulting in sparse data, increased computational demands, and diminished statistical reliability due to insufficient samples per . Furthermore, traditional color histograms in non-uniform spaces like RGB fail to account for perceptual non-uniformity, where equal intervals in the do not align with equal perceived differences in human vision, leading to biased representations that do not reflect natural . Modern analyses underscore these shortcomings, revealing poor performance on diverse, real-world datasets like COCO, where histograms struggle with scenes, varying , and intricate object arrangements compared to contemporary approaches.

Alternative Representations

To address the limitations of traditional color histograms, such as their ignorance of spatial relationships, alternative representations incorporate positional information through methods like spatial pyramid histograms and color correlograms. Spatial pyramid histograms divide an image into increasingly finer sub-regions (e.g., a pyramid of levels where level 0 is the whole image, level 1 splits into four quadrants, and so on), compute local color histograms in each region, and aggregate them with weights that emphasize finer details; this approach enhances retrieval accuracy by capturing spatial layout while maintaining computational efficiency, as demonstrated in scene recognition tasks where it outperforms bag-of-features methods by up to 20% in . Color correlograms extend this by modeling the probability of two colors co-occurring at a specific distance, thus encoding spatial correlations without full positional storage; introduced for , they achieve superior performance over plain histograms on large databases like Corel, with recall rates improving by 15-30% due to their stability under noise and scaling. Feature-based alternatives provide more compact descriptors by summarizing color distributions statistically or via transform domains. Color moments, which compute the , variance, and of values per color channel, offer a low-dimensional representation (9 values for RGB) that captures global color statistics invariantly to and ; seminal work in color indexing showed these moments enable efficient querying in databases of thousands of images, with retrieval precision exceeding 80% for simple color-based matches. -based color features decompose the image into multi-resolution subbands using wavelet transforms (e.g., Haar or Daubechies), then extract color histograms or moments from low-frequency components to balance global and local information; this method improves retrieval on textured color images by integrating frequency-domain cues, yielding 10-25% better accuracy than non-decomposed histograms in benchmarks on datasets like Brodatz. Since the , learning-based approaches using convolutional neural networks (s) have emerged as superior alternatives, extracting color embeddings that implicitly encode spatial and semantic color relationships through deep layers. These embeddings, derived from pre-trained models like VGG or ResNet by pooling activations from intermediate convolutional layers, provide dense vector representations that capture nuanced color patterns beyond traditional histograms; in tasks, CNN features achieve mean average precision () scores of 0.7-0.9 on benchmarks like Holidays and UKBench, far surpassing hand-crafted methods by leveraging learned hierarchies for tasks involving complex scenes. This shift addresses the spatial blindness of histograms by embedding positional context directly into the . For comparing these representations to histograms, the (EMD) serves as a transport-aware that treats color distributions as probability masses and minimizes the "work" to transform one into another, accounting for perceptual similarity; applied to color histograms, EMD outperforms quadratic distance measures in retrieval, with experiments on 1,000-image color databases showing 20-40% higher precision by considering color adjacency in perceptual spaces like Lab.

Continuous Intensity Histograms

Continuous intensity histograms adapt the histogram concept for continuous-tone images by using () to estimate the underlying probability density of pixel intensities without discrete binning. This non-parametric method places a , often Gaussian, at each intensity value to create a smooth density function, enabling a more accurate representation of the data distribution in scenarios where intensity values vary continuously rather than in quantized steps. In image processing, this approach has been applied to tasks such as thresholding, where the likelihood of Gaussian mixtures derived from helps segment intensity levels effectively. The standard formulation for the KDE estimator is: \hat{f}(c) = \frac{1}{Nh} \sum_{i=1}^N K\left( \frac{c - c_i}{h} \right) where \hat{f}(c) is the estimated density at intensity c, N is the number of pixels, c_i are the observed intensity values, K is the kernel function (e.g., Gaussian), and h is the bandwidth parameter controlling the smoothness. This equation originates from foundational work in nonparametric density estimation and provides a flexible way to model intensity distributions in images. Compared to discrete histograms, continuous intensity histograms via KDE eliminate quantization artifacts, such as abrupt jumps or in the density representation, which arise from binning continuous data into finite intervals. These artifacts can lead to inconsistent histograms for nearly identical images due to slight variations in pixel quantization. By smoothing over the data points, KDE offers a more robust depiction of profiles, especially beneficial in applications requiring precise tonal analysis. Continuous histograms prove valuable in high-dynamic-range (HDR) imaging, where scenes exhibit extreme luminance variations captured as floating-point intensity values to represent the full dynamic range. In floating-point images, such as those processed from RAW sensor data, KDE-based continuous histograms maintain the fidelity of subtle intensity gradients—such as soft transitions in shadows or highlights—that discrete binning might coarsen or overlook, thus supporting better tone mapping and visualization.

Extensions to Higher Dimensions

Color histograms, traditionally limited to three dimensions in RGB space, can be generalized to higher dimensions by incorporating additional features such as spatial or attributes. For instance, a five-dimensional histogram integrates three color channels with two spatial bins (e.g., and vertical positions), enabling the capture of color-spatial distributions that preserve geometric relationships absent in standard color histograms. This extension enhances applications like by accounting for both color and location, reducing false matches in . Similarly, can be added as an extra through bins representing local magnitudes or orientations, forming a representation for more robust feature matching in textured scenes. In , higher-dimensional histograms extend to tensor forms to handle temporal information across frames. Tensor histograms treat video sequences as multi-way arrays, where color distributions are aggregated over spatial and temporal slices, allowing for the representation of motion and dynamic color patterns in higher dimensions (e.g., or more for color + space + time). This approach facilitates tasks like video shot retrieval by integrating color histograms with tensor-based features extracted from temporal slices. The joint in such multidimensional spaces is approximated as p(c_1, c_2, \dots, c_d) \approx \frac{h(\mathbf{b})}{N}, where h(\mathbf{b}) denotes the count in bin \mathbf{b}, d is the dimensionality, and N is the total number of data points (e.g., pixels or voxels). These extensions introduce significant challenges due to the curse of dimensionality, where the exponential growth in bins leads to sparse data and high computational costs. Dimensionality reduction techniques like principal component analysis (PCA) address this by projecting high-dimensional histogram features onto a lower-dimensional subspace while preserving variance, as demonstrated in color photo categorization where PCA compresses histograms for efficient indexing. Sparse representations further mitigate storage issues by using hash tables to store only non-zero bins, enabling scalable handling of high-dimensional histograms in large-scale image databases. In , which captures across hundreds of narrow bands, higher-dimensional histograms play a crucial role in material identification by representing the distribution of signatures unique to different substances. This emerging application leverages the rich multidimensional to distinguish materials like minerals or through histogram-based , surpassing the limitations of traditional RGB histograms.

References

  1. [1]
    color histogram - an overview | ScienceDirect Topics
    A color histogram is a quantitative representation of the distribution of color intensities in an image, which is especially useful for textured images.
  2. [2]
    [PDF] ImageHistograms.pdf - Rutgers Computer Science
    An image histogram describes the frequency of intensity values in an image, used to depict image statistics visually.Missing: definition | Show results with:definition
  3. [3]
    [PDF] Comparing Images Using Color Coherence Vectors
    A color histogram provides no spatial information; it merely describes which colors are present in the image, and in what quanti- ties. In addition, color ...
  4. [4]
    [PDF] Histogram Refinement for Content-Based Image Retrieval
    Abstract. Color histograms are widely used for content-based image retrieval. Their advantages are efficiency, and insensitivity to small changes in camera ...<|separator|>
  5. [5]
    Color histogram – Knowledge and References - Taylor & Francis
    A color histogram is a representation of the distribution of colors in a digital image. It counts the number of pixels that fall within a fixed list of color ...
  6. [6]
    Demystifying Color Histograms: A Guide to Image Processing and ...
    Apr 10, 2024 · A color histogram is a graphical representation of the distribution of colors in an image. It counts the number of times each color appears in the image.
  7. [7]
    Color Histograms Explained: A Practical Guide to Image Analysis
    A color histogram is a plot that represents the distribution of pixel values across an image. It shows how the intensity of colors is spread out across ...
  8. [8]
    Color Histograms in Image Retrieval - Pinecone
    Color histograms represent one of the first CBIR techniques, allowing us to search through images based on their color profiles rather than metadata.Color Histograms · OpenCV Histograms · Vectors and Similarity
  9. [9]
    Color indexing | International Journal of Computer Vision
    Swain, M.J., Ballard, D.H. Color indexing. Int J Comput Vision 7, 11–32 (1991). https://doi.org/10.1007/BF00130487. Download citation. Received: 22 January 1991.
  10. [10]
  11. [11]
    [PDF] Anatomy of a color histogram - Carnegie Mellon University
    A color histogram is a distribution of colors in 3D RGB space, forming a T-shape with two clusters, relating to scene properties like surface roughness.
  12. [12]
  13. [13]
    (PDF) Morphological color quantization - ResearchGate
    Aug 10, 2025 · But histograms suffer from the "curse of dimensionality " in which ... RGB color histogram. The scale and color of each node. in the ...
  14. [14]
  15. [15]
    Histograms - 1 : Find, Plot, Analyze - OpenCV Documentation
    You can consider histogram as a graph or plot, which gives you an overall idea about the intensity distribution of an image.
  16. [16]
    The analysis and applications of adaptive-binning color histograms
    There are two general methods of generating histograms: fixed binning and adaptive binning. Typically, a fixed-binning method induces histogram bins by ...Abstract · Introduction · Adaptive Binning
  17. [17]
    GPU Pro Tip: Fast Histograms Using Shared Atomics on Maxwell
    Mar 17, 2015 · A basic serial image histogram computation is relatively simple. For each pixel of the image and for each RGB color channel we find a ...
  18. [18]
    [PDF] Comparing Images Using Joint Histograms
    An entry in a joint histogram counts the number of pixels in the image that are described by a particular combination of feature values. Joint histograms can be ...Missing: separate | Show results with:separate
  19. [19]
    [PDF] Efficient Image Retrieval with Statistical Color Descriptors
    6.4.1 Properties of color histogram space vs. retrieval performance ... the properties of the underlying color distribution. Also the properties of ...
  20. [20]
    Content based image retrieval using statistical features of color histogram
    ### Summary of Skewness and Kurtosis in Color Histograms
  21. [21]
    Content based image retrieval using statistical features of color ...
    Content based image retrieval using statistical features of color histogram ... The histogram has a long tail, if the kurtosis value is positive, whereas ...
  22. [22]
    [PDF] Image Similarity Using Color Histograms - LIACS Thesis Repository
    Aug 26, 2015 · The color spaces used are RGB and HSV. We try to find out which algorithm and which color space is most suited for image retrieval using color ...
  23. [23]
    [PDF] Dirichlet-based Histogram Feature Transform for Image Classification
    The L1-normalized histogram feature x ∈ RD (x ≥ 0, kxk1 = 1) is ... International Journal of Computer Vision, 60:91–110, 2004. [30] R. E. Madsen ...
  24. [24]
  25. [25]
    [PDF] Color Histogram Descriptors - ::. CBA Research ::.
    ... color histogram, then you will normalize the histogram so that the sum of its entries is one. For this option, the image will then be described by 240 L1-‐.
  26. [26]
    [PDF] Color Indexing - MICHAEL J. SWAIN - UT Computer Science
    There are applications of computer vision being considered in which color could play an important role. For instance, manufacturers of automated check-out ...
  27. [27]
    [PDF] Query by image and video content: the QBIC system - Computer
    QBIC* lets users find pictorial information in large image and video databases based on color, shape, texture, and sketches. QBIC technology is part ...
  28. [28]
    [PDF] On measuring the distance between histograms - CEDAR
    A distance measure between two histograms has applications in feature selection, image indexing and retrieval, pattern classification and clustering, etc ...
  29. [29]
    [PDF] Color and Texture Image Retrieval Using Chromaticity Histograms ...
    The similarity measure defined on the feature distribution is based on the Bhattacharya distance. Retrieval benchmarking is performed over the Brodatz album and.
  30. [30]
    A hybrid deep learning-based model for enhanced feature ...
    The present study, with the aim of improving the representation of features in image retrieval systems, presents a novel hybrid model based on deep learning. In ...
  31. [31]
  32. [32]
  33. [33]
    Local Histograms for Classifying H&E Stained Tissues - PMC - NIH
    We introduce a rigorous mathematical theory for the analysis of local histograms, and consider the appropriateness of their use in the automated classification ...
  34. [34]
    Image Analysis - Intensity Histogram
    If the image is suitable for thresholding then the histogram will be bi-modal --- i.e. the pixel intensities will be clustered around two well-separated values.Missing: example landscape bimodal sky
  35. [35]
    Pixel Intensity Histogram Characteristics: Basics of Image ...
    Dec 7, 2017 · An image histogram is a graph of pixel intensity (on the x-axis) versus number of pixels (on the y-axis). The x-axis has all available gray levels.Missing: landscape bimodal sky
  36. [36]
    None
    ### Summary of 3D Color Histogram Visualizations for RGB Images
  37. [37]
    [PDF] Design of an Intelligent Vision Algorithm for Recognition and ... - arXiv
    6b shows an RGB color image of a Red Delicious apple tree and its corresponding gray-level image as a sample of the processed images in this study. From ...
  38. [38]
    [PDF] Apple Quality Inspection Based on RGB Color Space Using ... - WCSE
    Here R G B color space is being used for the inspection. Fig.5 shows the measurement of color space. Fig. 5: Color histogram. Fig. 6: Logic calculator.
  39. [39]
    [PDF] Unsupervised Local Binary Pattern Histogram Selection Scores for ...
    Sep 28, 2018 · of the feature subspace due to the curse of dimensionality [36]. To ... They are thus correlated and a simple 3D color histogram reaches a high.
  40. [40]
    Color Histogram Contouring: A New Training-Less Approach to ...
    Jun 27, 2024 · This paper introduces the Color Histogram Contouring (CHC) method, a new training-less approach to object detection that emphasizes the distinctive features in ...
  41. [41]
    The Earth Mover's Distance as a Metric for Image Retrieval
    In this paper we focus on applications to color and texture, and we compare the retrieval performance of the EMD with that of other distances. Article PDF ...
  42. [42]
  43. [43]
    [PDF] On Estimation of a Probability Density Function and Mode - Emanuel ...
    Feb 23, 2000 · On Estimation of a Probability Density Function and Mode. Emanuel Parzen. STOR. Annals of Mathematical Statistics, Volume 33, Issue 3 (Sep., ...
  44. [44]
    [PDF] Enric Meinhardt-Llopis (ENS Cachan, France) Summary
    Problem: Essentially identical images have very different histograms due to quantization artifacts. ... : Discrete image I(i, j) of size W × H. Output ...
  45. [45]
    [PDF] HIGH DYNAMIC RANGE IMAGE RECONSTRUCTION - cs.wisc.edu
    High dynamic range imaging (HDRI) is an emerging field. This book focuses on the reconstruction of HDR images from low dynamic range pictures.
  46. [46]
    [PDF] Robust color object detection using spatial-color joint probability ...
    Abstract. Object detection in unconstrained images is an important image understanding problem with many potential applications.
  47. [47]
  48. [48]
  49. [49]
    [PDF] On clustering and retrieval of video shots through temporal slices ...
    In this paper, we first demonstrate that tensor histogram features extracted from tem- poral slices are suitable for motion retrieval. Subsequently, we inte-.
  50. [50]
    [PDF] COLOR PHOTO CATEGORIZATION USING COMPRESSED ...
    In this paper, an efficient method using various histogram- based (high-dimensional) image content descriptors for automatically classifying general color ...
  51. [51]
    [PDF] Learning Component-Level Sparse Representation Using ...
    In the proposed framework, several histogram-based fea- tures, like color histogram, BoW and HoG, are combined to represent one image within an image group.Missing: hash | Show results with:hash
  52. [52]
    Hyperspectral imaging and its applications: A review - ScienceDirect
    Jun 30, 2024 · This advanced imaging system indicates enormous potential for the identification of materials based on their particular spectral signatures. The ...