如何使用Python在OpenCV中裁剪图像


233

我如何像以前在PIL中一样使用OpenCV裁剪图像。

PIL的工作示例

im = Image.open('0.png').convert('L')
im = im.crop((1, 1, 98, 33))
im.save('_0.png')

但是我如何在OpenCV上做到这一点?

这是我尝试的:

im = cv.imread('0.png', cv.CV_LOAD_IMAGE_GRAYSCALE)
(thresh, im_bw) = cv.threshold(im, 128, 255, cv.THRESH_OTSU)
im = cv.getRectSubPix(im_bw, (98, 33), (1, 1))
cv.imshow('Img', im)
cv.waitKey(0)

但这是行不通的。

我认为我使用不正确getRectSubPix。如果是这种情况,请说明如何正确使用此功能。

Answers:


527

非常简单 使用numpy切片。

import cv2
img = cv2.imread("lenna.png")
crop_img = img[y:y+h, x:x+w]
cv2.imshow("cropped", crop_img)
cv2.waitKey(0)

9
嗯...但是我如何将作物图像保存为变量?
Nolik 2013年

56
记住 x和y被翻转了。我错过了。
markroxor

10
或者,如果您定义了作物的边距,则可以crop_img = img[margin:-margin, margin:-margin]
Rufus

39
很好,只要注意更改crop_img就会更改img。否则,您应该crop_img = img [y:y + h,x:x + w] .copy()
user1270710

1
@javadba numpy实现细节。Numpy使用行,列符号代替行,列
Froyo

121

我有这个问题,在这里找到了另一个答案:复制感兴趣的区域

如果我们将(0,0)视为图像的左上角,im以从左至右作为x方向,从上至下作为y方向进行调用。并且我们将(x1,y1)作为该图像中矩形区域的左上角顶点和(x2,y2)作为该图像中矩形区域的右下角顶点,然后:

roi = im[y1:y2, x1:x2]

这里是有关numpy数组索引和切片的综合资源,它可以告诉您更多有关裁剪图像一部分的信息。图像将以numpy数组的形式存储在opencv2中。

:)


嗨,在您的情况下,应该不是`roi = im [y1:y2 + 1,x1:x2 + 1]`吗?因为numpy使用排除的区域进行切片。
杨致远

@ samkhan13,当我使用此公式进行裁剪时,我所有的裁剪都具有形状(0,宽度,通道)。就是 我一点都没有得到尺寸
mLstudent33 '19

@ mLstudent33,可能是图像im未正确读取且为空。尝试使用带有断点的IDE逐步诊断代码。您可以使用Google colab创建代码块,并可以在stackoverflow python聊天室上共享您的jupytor笔记本以获取帮助。
samkhan13

@ samkhan13实际上我在Github Opencv Issues上发布了一个奇怪的问题: github.com/opencv/opencv/issues/15406我也将检查聊天。谢谢!
mLstudent33 '19

16

请注意,图像切片不是创建的副本,cropped image而是创建pointerroi。如果要加载这么多图像,使用切片裁剪图像的相关部分,然后追加到列表中,则可能会浪费大量内存。

假设您每个加载N张图像,>1MP并且只需要100x100左上角的区域。

Slicing

X = []
for i in range(N):
    im = imread('image_i')
    X.append(im[0:100,0:100]) # This will keep all N images in the memory. 
                              # Because they are still used.

或者,您可以通过复制相关部分.copy(),以便垃圾回收器将删除im

X = []
for i in range(N):
    im = imread('image_i')
    X.append(im[0:100,0:100].copy()) # This will keep only the crops in the memory. 
                                     # im's will be deleted by gc.

找出在此之后,我意识到一个评论user1270710提到,但我花了相当长的一段时间去找出(即,调试等)。因此,我认为值得一提。



就占用的内存空间而言,我知道复制感兴趣的区域是最好的做法,但是那又会浪费时间吗?如果我进行copy()ROI,与切片相比,会得到什么结果?另外,如果我有一个变量tmp,用于存储从计算机加载的每张图片,那么切片应该不会对内存产生不良影响,对吗?您描述的问题仅与加载所有图像然后又将它们存储在ROI中同时包含原始图像和ROI时发生的情况有关如果我理解正确,请告诉我。
卡特琳娜瑟尔布

在我所说的情况下,复制时间可忽略不计。除非您多次复制大图像,否则不会有时间差。在我的代码中,每次裁剪的效果将小于1ms。问题是您要么存储大图像和一个指针(ROI仅为几个字节),要么将小图像存储在内存中(在我的情况下)。如果几次执行此操作,就可以了。但是,如果执行此操作数千次,则内存使用会因切片而疯狂。就像您在切片时,如果加载了数千张图像,则在几次填充后填满了整个内存。如果有MB,我的代码将仍然有效
smttsp

12

此代码将图像从x = 0,y = 0位置裁剪为h = 100,w = 200

import numpy as np
import cv2

image = cv2.imread('download.jpg')
y=0
x=0
h=100
w=200
crop = image[y:y+h, x:x+w]
cv2.imshow('Image', crop)
cv2.waitKey(0) 

@hatami,所以高度是100个像素,“下方” y = 0对吗?它是numpy数组的第101行吗?宽度是x = 0右边200像素正确吗?
mLstudent33 '19

4

以下是裁剪图像的方法。

image_path:要编辑的图像的路径

坐标: x / y坐标的元组(x1,y1,x2,y2)[在mspaint中打开图像,然后在视图选项卡中检查“ ruler”以查看坐标]

saved_location:保存裁剪图像的路径

from PIL import Image
    def crop(image_path, coords, saved_location:
        image_obj = Image.open("Path of the image to be cropped")
            cropped_image = image_obj.crop(coords)
            cropped_image.save(saved_location)
            cropped_image.show()


if __name__ == '__main__':
    image = "image.jpg"
    crop(image, (100, 210, 710,380 ), 'cropped.jpg')

3

使用opencv复制边框功能进行健壮的裁剪:

def imcrop(img, bbox):
   x1, y1, x2, y2 = bbox
   if x1 < 0 or y1 < 0 or x2 > img.shape[1] or y2 > img.shape[0]:
        img, x1, x2, y1, y2 = pad_img_to_fit_bbox(img, x1, x2, y1, y2)
   return img[y1:y2, x1:x2, :]

def pad_img_to_fit_bbox(img, x1, x2, y1, y2):
    img = cv2.copyMakeBorder(img, - min(0, y1), max(y2 - img.shape[0], 0),
                            -min(0, x1), max(x2 - img.shape[1], 0),cv2.BORDER_REPLICATE)
   y2 += -min(0, y1)
   y1 += -min(0, y1)
   x2 += -min(0, x1)
   x1 += -min(0, x1)
   return img, x1, x2, y1, y2

能否请您解释一下什么是bbox以及我们应该赋予其价值的原因,因为无论我试图传递的是什么价值,这都会给我带来错误, x1,y1,x2,y2 = bbox 同时说:TypeError: 'int' object is not iterable
Sabah

3

这是一些更健壮的标记的代码(有点像在matlab中)

def imcrop(img, bbox): 
    x1,y1,x2,y2 = bbox
    if x1 < 0 or y1 < 0 or x2 > img.shape[1] or y2 > img.shape[0]:
        img, x1, x2, y1, y2 = pad_img_to_fit_bbox(img, x1, x2, y1, y2)
    return img[y1:y2, x1:x2, :]

def pad_img_to_fit_bbox(img, x1, x2, y1, y2):
    img = np.pad(img, ((np.abs(np.minimum(0, y1)), np.maximum(y2 - img.shape[0], 0)),
               (np.abs(np.minimum(0, x1)), np.maximum(x2 - img.shape[1], 0)), (0,0)), mode="constant")
    y1 += np.abs(np.minimum(0, y1))
    y2 += np.abs(np.minimum(0, y1))
    x1 += np.abs(np.minimum(0, x1))
    x2 += np.abs(np.minimum(0, x1))
    return img, x1, x2, y1, y2

1

另外,您可以使用tensorflow进行裁剪,并使用openCV从图像制作数组。

import cv2
img = cv2.imread('YOURIMAGE.png')

现在img是一个(imageheight,imagewidth,3)形状数组。使用tensorflow裁剪数组:

import tensorflow as tf
offset_height=0
offset_width=0
target_height=500
target_width=500
x = tf.image.crop_to_bounding_box(
    img, offset_height, offset_width, target_height, target_width
)

使用tf.keras重新组装该映像,因此我们可以对其进行查看:

tf.keras.preprocessing.image.array_to_img(
    x, data_format=None, scale=True, dtype=None
)

这会在笔记本中打印出图片(已在Google Colab中测试)。


整个代码在一起:

import cv2
img = cv2.imread('YOURIMAGE.png')

import tensorflow as tf
offset_height=0
offset_width=0
target_height=500
target_width=500
x = tf.image.crop_to_bounding_box(
    img, offset_height, offset_width, target_height, target_width
)

tf.keras.preprocessing.image.array_to_img(
    x, data_format=None, scale=True, dtype=None
)
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.