Python-查找图像中的主要/最常见颜色


75

我正在寻找一种使用python查找图像中最主要的颜色/色调的方法。普通的阴影或最普通的RGB都可以。我看过Python Imaging库,找不到任何与我在他们的手册中所寻找的内容有关的内容,也没有对VTK进行过简短的了解。

但是,我确实找到了可以满足我需要的PHP脚本(在此处需要登录才能下载)。该脚本似乎将图像大小调整为150 * 150,以显示主要颜色。但是,在那之后,我相当失落。我确实考虑过编写一些可以将图像调整为较小尺寸,然后检查其他每个像素的图像的方法,尽管我认为这样做效率很低(尽管将这个想法实现为C python模块可能是一个想法)。

但是,尽管如此,我还是很困惑。所以,我转向你。是否有一种简单有效的方法来查找图像中的主色。


我猜想它会调整图片的大小,以使缩放算法可以为您做一些平均。
Skurmedel

Answers:


76

这是使用PillowScipy的cluster软件包的代码。

为简单起见,我将文件名硬编码为“ image.jpg”。调整图像大小是为了提高速度:如果您不介意等待,请注释一下调整大小调用。当在此蓝胡椒样本图像上运行时,通常会说主要颜色是#d8c865,它大致对应于两个胡椒左下角的浅黄色区域。我说“通常”是因为所使用的聚类算法具有一定程度的随机性。您可以通过多种方式更改此设置,但出于您的目的,它可能非常适合。(如果需要确定的结果,请检查kmeans2()变体上的选项。)

from __future__ import print_function
import binascii
import struct
from PIL import Image
import numpy as np
import scipy
import scipy.misc
import scipy.cluster

NUM_CLUSTERS = 5

print('reading image')
im = Image.open('image.jpg')
im = im.resize((150, 150))      # optional, to reduce time
ar = np.asarray(im)
shape = ar.shape
ar = ar.reshape(scipy.product(shape[:2]), shape[2]).astype(float)

print('finding clusters')
codes, dist = scipy.cluster.vq.kmeans(ar, NUM_CLUSTERS)
print('cluster centres:\n', codes)

vecs, dist = scipy.cluster.vq.vq(ar, codes)         # assign codes
counts, bins = scipy.histogram(vecs, len(codes))    # count occurrences

index_max = scipy.argmax(counts)                    # find most frequent
peak = codes[index_max]
colour = binascii.hexlify(bytearray(int(c) for c in peak)).decode('ascii')
print('most frequent is %s (#%s)' % (peak, colour))

注意:当我将聚类的数量从5扩展到10或15时,通常会给出绿色或蓝色的结果。给定输入图像,这些结果也是合理的……我也无法确定哪种颜色在该图像中真正占主导地位,因此我也不会对算法提出批评!

还有一点好处:仅使用N种最常用的颜色保存缩小尺寸的图像:

# bonus: save image using only the N most common colours
import imageio
c = ar.copy()
for i, code in enumerate(codes):
    c[scipy.r_[scipy.where(vecs==i)],:] = code
imageio.imwrite('clusters.png', c.reshape(*shape).astype(np.uint8))
print('saved clustered image')

2
哇。那很棒。几乎正是我想要的。我确实看着scipy,感觉到答案就在那儿:P谢谢您的回答。
Blue Peppers 2010年

1
我已经编辑/更新了您的代码。感谢您提供的紧凑而有效的解决方案!
Simon Steinberger

1
@SimonSteinberger感谢您的编辑,我很高兴听到它在7年后仍然可以运行并为某人提供帮助!工作是一个有趣的问题。
彼得·汉森

1
python 3.x有多个问题。例如,(1).encode('hex')不再有效的语法,以及(2)from PIL import Image
philshem

1
谢谢@philshem。我相信我已经对其进行了修改,以支持3.x。同时进行的某些更改解决了在2.7或3.7(但不一定同时在两个)上报告的弃用和警告。
彼得·汉森

23

尝试Color-thief。它基于PIL出色的作品。

安装

pip install colorthief

用法

from colorthief import ColorThief
color_thief = ColorThief('/path/to/imagefile')
# get the dominant color
dominant_color = color_thief.get_color(quality=1)

它也可以找到颜色调色板

palette = color_thief.get_palette(color_count=6)

1
很棒的模块
Dheeraj M Pai

16

Python Imaging Library在Image对象上具有方法getcolors:

im.getcolors() =>(计数,颜色)元组的列表或无

我想您仍然可以尝试在此之前调整图像的大小,然后查看其效果是否更好。


6

如果您仍在寻找答案,这是对我有用的方法,尽管效率不高:

from PIL import Image

def compute_average_image_color(img):
    width, height = img.size

    r_total = 0
    g_total = 0
    b_total = 0

    count = 0
    for x in range(0, width):
        for y in range(0, height):
            r, g, b = img.getpixel((x,y))
            r_total += r
            g_total += g
            b_total += b
            count += 1

    return (r_total/count, g_total/count, b_total/count)

img = Image.open('image.png')
#img = img.resize((50,50))  # Small optimization
average_color = compute_average_image_color(img)
print(average_color)

对于png,您需要进行一些微调以处理img.getpixel返回r,g,b,a(四个值而不是三个值)的事实。还是无论如何对我来说都是如此。
rossdavidh

这样会不均匀地称重像素。最终触摸的像素贡献了总价值的一半。之前的像素贡献了一半。实际上,仅最后8个像素会完全影响平均值。
罗素·波罗戈夫

你是对的-愚蠢的错误。刚刚编辑了答案-让我知道是否可行。
Tim S

6
这不是这个问题的答案。平均颜色不是图像中的主要颜色。
Phani Rithvij,

5

您可以使用PIL在每个维度上反复将图像缩小2倍,直到达到1x1。我不知道PIL在大比例缩小时使用什么算法,因此在单个调整大小中直接转到1x1可能会丢失信息。它可能不是最有效的,但是它将为您提供图像的“平均”颜色。


5

不必像彼得建议的那样使用k均值来找到主要颜色。这使一个简单的问题变得过于复杂。您还受到选择的群集数量的限制,因此基本上,您需要了解所要查找的内容。

正如您提到的和zvone所建议的那样,使用Pillow库可以快速找到最常见/最主要的颜色。我们只需要按像素数对它们进行排序。

from PIL import Image

    def find_dominant_color(filename):
        #Resizing parameters
        width, height = 150,150
        image = Image.open(filename)
        image = image.resize((width, height),resample = 0)
        #Get colors from image object
        pixels = image.getcolors(width * height)
        #Sort them by count number(first element of tuple)
        sorted_pixels = sorted(pixels, key=lambda t: t[0])
        #Get the most frequent color
        dominant_color = sorted_pixels[-1][1]
        return dominant_color

唯一的问题是,getcolors()当颜色数量大于256时,该方法返回None。您可以通过调整原始图像的大小来处理它。

总而言之,这可能不是最精确的解决方案,但可以完成工作。


你知道吗?您正在返回函数本身,尽管您正在为其分配值,但这并不是一个好主意
Black Thunder

您是完全正确的,为此,我已经编辑了函数的名称!
mobiuscreek

这不是很可靠。(1)应该使用thumbnail而不是调整大小以避免裁切或拉伸;(2)如果图像中有2个白色像素和100个不同级别的黑色像素,您仍然会得到白色。
Pithikos

同意,但我想避免使用预定义群集或调色板时减小粒度的警告。根据使用情况,这可能是不希望的。
mobiuscreek

3

要增加Peter的答案,如果PIL给您的图像的模式为“ P”或几乎所有非“ RGBA”的模式,那么您需要应用一个alpha蒙版将其转换为RGBA。您可以轻松地做到这一点:

if im.mode == 'P':
    im.putalpha(0)

2

下面是一个基于c ++ Qt的示例,用于猜测主要的图像颜色。您可以使用PyQt并将其翻译为等效的Python。

#include <Qt/QtGui>
#include <Qt/QtCore>
#include <QtGui/QApplication>

int main(int argc, char** argv)
{
    QApplication app(argc, argv);
    QPixmap pixmap("logo.png");
    QImage image = pixmap.toImage();
    QRgb col;
    QMap<QRgb,int> rgbcount;
    QRgb greatest = 0;

    int width = pixmap.width();
    int height = pixmap.height();

    int count = 0;
    for (int i = 0; i < width; ++i)
    {
        for (int j = 0; j < height; ++j)
        {
            col = image.pixel(i, j);
            if (rgbcount.contains(col)) {
                rgbcount[col] = rgbcount[col] + 1;
            }
            else  {
                rgbcount[col] = 1;
            }

            if (rgbcount[col] > count)  {
                greatest = col;
                count = rgbcount[col];
            }

        }
    }
    qDebug() << count << greatest;
    return app.exec();
}

2

您可以通过许多不同的方式执行此操作。而且您实际上不需要scipy和k-means,因为在调整图像大小或将图像缩小到特定的调色板时,Pillow内部已经为您完成了这项工作。

解决方案1:将图片缩小到1像素。

def get_dominant_color(pil_img):
    img = pil_img.copy()
    img.convert("RGB")
    img.resize((1, 1), resample=0)
    dominant_color = img.getpixel((0, 0))
    return dominant_color

解决方案2:将图像颜色减少到调色板上

def get_dominant_color(pil_img, palette_size=16):
    # Resize image to speed up processing
    img = pil_img.copy()
    img.thumbnail((100, 100))

    # Reduce colors (uses k-means internally)
    paletted = img.convert('P', palette=Image.ADAPTIVE, colors=palette_size)

    # Find the color that occurs most often
    palette = paletted.getpalette()
    color_counts = sorted(paletted.getcolors(), reverse=True)
    palette_index = color_counts[0][1]
    dominant_color = palette[palette_index*3:palette_index*3+3]

    return dominant_color

两种解决方案都给出相似的结果。后一种解决方案可能会为您提供更高的准确性,因为我们在调整图像大小时会保持宽高比。由于您可以调整,因此您还可以获得更多控制权pallete_size


这也比上面的任何scikit学习/ scipy图像都要快得多。
whlteXbread

0

这是我根据彼得·汉森的解决方案所做的改编。有所不同,因为它使用kmeans ++来选择初始聚类中心,这似乎可以提供更好的结果。您也可以为确定性输出添加random_state。

import scipy.cluster
import sklearn.cluster
import numpy
from PIL import Image

def dominant_colors(image):  # PIL image input

    num_clusters = 10

    image = image.resize((150, 150))      # optional, to reduce time
    ar = numpy.asarray(image)
    shape = ar.shape
    ar = ar.reshape(numpy.product(shape[:2]), shape[2]).astype(float)

    kmeans = sklearn.cluster.KMeans(
        n_clusters=num_clusters,
        init="k-means++",
        max_iter=20,
        random_state=1000
    ).fit(ar)
    codes = kmeans.cluster_centers_

    vecs, dist = scipy.cluster.vq.vq(ar, codes)         # assign codes
    counts, bins = numpy.histogram(vecs, len(codes))    # count occurrences

    colors = []
    for index in numpy.argsort(counts)[::-1]:
        colors.append(tuple([int(code) for code in codes[index]]))
    return colors                    # returns colors in order of dominance
By using our site, you acknowledge that you have read and understand our Cookie Policy and Privacy Policy.
Licensed under cc by-sa 3.0 with attribution required.