如何在Python中将RGB图像转换为灰度?

时间:2012-08-30 16:37:38

标签: python matplotlib

我正在尝试使用matplotlib读取RGB图像并将其转换为灰度。

在matlab中我用这个:

img = rgb2gray(imread('image.png'));

matplotlib tutorial中,他们没有涵盖它。他们只是在图片中读到

import matplotlib.image as mpimg
img = mpimg.imread('image.png')
然后他们对阵列进行切片,但这与我理解的将RGB转换为灰度不同。

lum_img = img[:,:,0]

我发现很难相信numpy或matplotlib没有内置函数可以从rgb转换为灰色。这不是图像处理中的常见操作吗?

我写了一个非常简单的函数,它可以在5分钟内使用imread导入的图像。这是非常低效的,但这就是为什么我希望内置的专业实现。

塞巴斯蒂安已经改善了我的功能,但我仍然希望找到内置的功能。

matlab(NTSC / PAL)实施:

import numpy as np

def rgb2gray(rgb):

    r, g, b = rgb[:,:,0], rgb[:,:,1], rgb[:,:,2]
    gray = 0.2989 * r + 0.5870 * g + 0.1140 * b

    return gray

14 个答案:

答案 0 :(得分:213)

如何使用Pillow

from PIL import Image
img = Image.open('image.png').convert('LA')
img.save('greyscale.png')

使用matplotlib和the formula

Y' = 0.2989 R + 0.5870 G + 0.1140 B 
你可以这样做:

import numpy as np
import matplotlib.pyplot as plt
import matplotlib.image as mpimg

def rgb2gray(rgb):
    return np.dot(rgb[...,:3], [0.2989, 0.5870, 0.1140])

img = mpimg.imread('image.png')     
gray = rgb2gray(img)    
plt.imshow(gray, cmap=plt.get_cmap('gray'), vmin=0, vmax=1)
plt.show()

答案 1 :(得分:52)

您还可以使用scikit-image,它提供了一些功能来转换ndarray中的图片,例如rgb2gray

from skimage import color
from skimage import io

img = color.rgb2gray(io.imread('image.png'))

注释:此转换中使用的权重针对当代CRT荧光粉进行校准:Y = 0.2125 R + 0.7154 G + 0.0721 B

或者,您可以通过以下方式读取灰度图像:

from skimage import io
img = io.imread('image.png', as_gray=True)

答案 2 :(得分:38)

在Ubuntu 16.04 LTS(带有SSD的Xeon E5 2670)上使用Python 3.5运行的1000个RGBA PNG图像(224 x 256像素)测试了三种建议的方法的速度。

平均运行时间

pil : 1.037秒

scipy: 1.040秒

sk : 2.120秒

PIL和SciPy给出了相同的numpy数组(范围从0到255)。 SkImage提供从0到1的数组。此外,颜色的转换略有不同,请参阅CUB-200 dataset.

中的示例

SkImage: SkImage

PIL : PIL

SciPy : SciPy

Original: Original

Diff : enter image description here

<强>代码

  1. 性能

    run_times = dict(sk=list(), pil=list(), scipy=list())
    for t in range(100):
        start_time = time.time()
        for i in range(1000):
            z = random.choice(filenames_png)
            img = skimage.color.rgb2gray(skimage.io.imread(z))
        run_times['sk'].append(time.time() - start_time)

    start_time = time.time()
    for i in range(1000):
        z = random.choice(filenames_png)
        img = np.array(Image.open(z).convert('L'))
    run_times['pil'].append(time.time() - start_time)
    
    start_time = time.time()
    for i in range(1000):
        z = random.choice(filenames_png)
        img = scipy.ndimage.imread(z, mode='L')
    run_times['scipy'].append(time.time() - start_time)
    

    for k, v in run_times.items(): print('{:5}: {:0.3f} seconds'.format(k, sum(v) / len(v)))

  2. 输出
    start_time = time.time()
    for i in range(1000):
        z = random.choice(filenames_png)
        img = np.array(Image.open(z).convert('L'))
    run_times['pil'].append(time.time() - start_time)
    
    start_time = time.time()
    for i in range(1000):
        z = random.choice(filenames_png)
        img = scipy.ndimage.imread(z, mode='L')
    run_times['scipy'].append(time.time() - start_time)
    
  3. 比较
    z = 'Cardinal_0007_3025810472.jpg'
    img1 = skimage.color.rgb2gray(skimage.io.imread(z)) * 255
    IPython.display.display(PIL.Image.fromarray(img1).convert('RGB'))
    img2 = np.array(Image.open(z).convert('L'))
    IPython.display.display(PIL.Image.fromarray(img2))
    img3 = scipy.ndimage.imread(z, mode='L')
    IPython.display.display(PIL.Image.fromarray(img3))
    
  4. 进口
    img_diff = np.ndarray(shape=img1.shape, dtype='float32')
    img_diff.fill(128)
    img_diff += (img1 - img3)
    img_diff -= img_diff.min()
    img_diff *= (255/img_diff.max())
    IPython.display.display(PIL.Image.fromarray(img_diff).convert('RGB'))
    
  5. 版本
    import skimage.color
    import skimage.io
    import random
    import time
    from PIL import Image
    import numpy as np
    import scipy.ndimage
    import IPython.display
    

答案 3 :(得分:19)

您始终可以使用OpenCV中的imread从头开始将图像文件读取为灰度:

img = cv2.imread('messi5.jpg', 0)

此外,如果您想将图像读取为RGB,请进行一些处理,然后转换为灰度,您可以使用OpenCV中的cvtcolor

gray_image = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)

答案 4 :(得分:17)

最快最新的方法是使用Pillow,通过pip install Pillow安装。

代码是:

from PIL import Image
img = Image.open('input_file.jpg').convert('L')
img.save('output_file.jpg')

答案 5 :(得分:10)

该教程是作弊的,因为它是以RGB编码的灰度图像开始的,因此它们只是切割单个颜色通道并将其视为灰度。您需要做的基本步骤是从RGB颜色空间转换为用近似亮度/色度模型编码的颜色空间,例如YUV / YIQ或HSL / HSV,然后切掉类似亮度的通道并将其用作你的灰度图像。 matplotlib似乎没有提供转换为YUV / YIQ的机制,但它确实允许您转换为HSV。

尝试使用matplotlib.colors.rgb_to_hsv(img)然后从数组中切割最后一个值(V)作为灰度。它与亮度值并不完全相同,但这意味着您可以在matplotlib中完成所有操作。

背景:

或者,您可以使用PIL或内置colorsys.rgb_to_yiq()转换为具有真实亮度值的颜色空间。你也可以全力以赴推出自己的仅限转换器,尽管这可能有点过头了。

答案 6 :(得分:6)

如果您已经使用过NumPy / SciPy,可以as well use

scipy.ndimage.imread(file_name, mode='L')

H个, DTK

答案 7 :(得分:4)

使用img.Convert(),支持“L”,“RGB”和“CMYK。”模式

[[135 123 134 ...,  30   3  14]
 [137 130 137 ...,   9  20  13]
 [170 177 183 ...,  14  10 250]
 ..., 
 [112  99  91 ...,  90  88  80]
 [ 95 103 111 ..., 102  85 103]
 [112  96  86 ..., 182 148 114]]

输出:

struct nf_hook_state {
        unsigned int hook;
        int thresh;
        u_int8_t pf;
        struct net_device *in;
        struct net_device *out;
        struct sock *sk;
        struct net *net;
        struct nf_hook_entry __rcu *hook_entries;
        int (*okfn)(struct net *, struct sock *, struct sk_buff *);
};

答案 8 :(得分:4)

使用this formula

Y' = 0.299 R + 0.587 G + 0.114 B 

我们可以做到

import imageio
import numpy as np
import matplotlib.pyplot as plt

pic = imageio.imread('(image)')
gray = lambda rgb : np.dot(rgb[... , :3] , [0.299 , 0.587, 0.114]) 
gray = gray(pic)  
plt.imshow(gray, cmap = plt.get_cmap(name = 'gray'))

但是,GIMP将颜色转换为灰度图像软件具有三种算法来完成任务。

答案 9 :(得分:3)

我通过Google找到了这个问题,正在寻找一种将已经加载的图像转换为灰度的方法。

以下是使用SciPy进行此操作的方法:

import scipy.misc
import scipy.ndimage

# Load an example image
# Use scipy.ndimage.imread(file_name, mode='L') if you have your own
img = scipy.misc.face()

# Convert the image
R = img[:, :, 0]
G = img[:, :, 1]
B = img[:, :, 2]
img_gray = R * 299. / 1000 + G * 587. / 1000 + B * 114. / 1000

# Show the image
scipy.misc.imshow(img_gray)

答案 10 :(得分:3)

你可以这样做:

import numpy as np
import matplotlib.pyplot as plt
import matplotlib.image as mpimg

def rgb_to_gray(img):
        grayImage = np.zeros(img.shape)
        R = np.array(img[:, :, 0])
        G = np.array(img[:, :, 1])
        B = np.array(img[:, :, 2])

        R = (R *.299)
        G = (G *.587)
        B = (B *.114)

        Avg = (R+G+B)
        grayImage = img

        for i in range(3):
           grayImage[:,:,i] = Avg

        return grayImage       

image = mpimg.imread("your_image.png")   
grayImage = rgb_to_gray(image)  
plt.imshow(grayImage)
plt.show()

答案 11 :(得分:0)

使用 OpenCV 很简单:

import cv2

im = cv2.imread("flower.jpg")

# To Grayscale
im = cv2.cvtColor(im, cv2.COLOR_BGR2GRAY)
cv2.imwrite("grayscale.jpg", im)

# To Black & White
im = cv2.threshold(im, 127, 255, cv2.THRESH_BINARY)[1]
cv2.imwrite("black-white.jpg", im)

enter image description here

答案 12 :(得分:0)

当一个像素在所有 3 个颜色通道 (RGB) 中的值都相同时,该像素将始终采用灰度格式。

将 RGB 图像转换为灰度图像的一种简单直观的方法是取每个像素中所有颜色通道的平均值,并将该值分配回该像素。

import numpy as np
from PIL import Image

img=np.array(Image.open('sample.jpg')) #Input - Color image
gray_img=img.copy()

for clr in range(img.shape[2]):
    gray_img[:,:,clr]=img.mean(axis=2) #Take mean of all 3 color channels of each pixel and assign it back to that pixel(in copied image)

#plt.imshow(gray_img) #Result - Grayscale image

输入图像: Input Image

输出图像: Output Image

答案 13 :(得分:-3)

image=myCamera.getImage().crop(xx,xx,xx,xx).scale(xx,xx).greyscale()

您可以直接使用greyscale()进行转换。