如何使用 Python 在 OpenCV 中裁剪图像
- 2024-12-13 08:37:00
- admin 原创
- 112
问题描述:
我怎样才能使用 OpenCV 裁剪图像,就像我之前在 PIL 中所做的那样。
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
。如果是这种情况,请解释如何正确使用此功能。
解决方案 1:
很简单,用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)
解决方案 2:
我有这个问题并在这里找到了另一个答案:复制感兴趣的区域
如果我们将 (0,0) 视为图像的左上角,im
以从左到右为 x 方向,从上到下为 y 方向。并且我们将 (x1,y1) 视为该图像内矩形区域的左上顶点,将 (x2,y2) 视为右下顶点,那么:
roi = im[y1:y2, x1:x2]
这里是关于numpy 数组索引和切片的综合资源,它可以告诉你更多有关裁剪图像一部分的信息。图像将作为 numpy 数组存储在 opencv2 中。
:)
解决方案 3:
此代码将图像从 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)
解决方案 4:
注意,图像切片不是创建 的副本,cropped image
而是为 创建一个pointer
。roi
如果你加载了这么多图像,用切片裁剪图像的相关部分,然后将其附加到列表中,这可能会造成巨大的内存浪费。
假设您加载了 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的一条评论提到了这一点,但我花了很长时间才发现(例如调试等)。所以,我认为值得一提。
解决方案 5:
以下是裁剪图像的方法。
image_path:要编辑的图像的路径
coords: x/y 坐标的元组 (x1、y1、x2、y2)[在 mspaint 中打开图像并检查视图选项卡中的“标尺”以查看坐标]
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')
解决方案 6:
利用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
解决方案 7:
这里是一些更强大的 imcrop 代码(有点像 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
解决方案 8:
为了让您更轻松,这里是我使用的代码:
top=514
right=430
height= 40
width=100
croped_image = image[top : (top + height) , right: (right + width)]
plt.imshow(croped_image, cmap="gray")
plt.show()
解决方案 9:
裁剪或对脸部感兴趣区域(ROI)使用以下代码
import cv2
face_cascade = cv2.CascadeClassifier('haarcascade_frontalface_default.xml')
image=cv2.imread("ronaldo.jpg")
gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
faces = face_cascade.detectMultiScale(gray, 1.3, 5)
for (x,y,w,h) in faces:
cv2.rectangle(img,(x,y),(x+w,y+h),(255,255,0),2)
roi_image = gray[y:y+h, x:x+w]
cv2.imshow("crop/region of interset image",roi_image)
cv2.waitKey(0)
cv2.destroyAllWindows()
检查参考
解决方案 10:
或者,您可以使用 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
)
解决方案 11:
通过使用此功能您可以轻松裁剪图像
def cropImage(Image, XY: tuple, WH: tuple, returnGrayscale=False):
# Extract the x,y and w,h values
(x, y) = XY
(w, h) = WH
# Crop Image with numpy splitting
crop = Image[y:y + h, x:x + w]
# Check if returnGrayscale Var is true if is then convert image to grayscale
if returnGrayscale:
crop = cv2.cvtColor(crop, cv2.COLOR_BGR2GRAY)
# Return cropped image
return crop
希望这有帮助
解决方案 12:
# Import packages
import cv2
import numpy as np
img = cv2.imread('skewness.png')
print(img.shape) # Print image shape
cv2.imshow("original", img)
# Cropping an image
cropped_image = img[80:280, 150:330]
# Display cropped image
cv2.imshow("cropped", cropped_image)
# Save the cropped image
cv2.imwrite("Cropped Image.jpg", cropped_image)
#The function waitKey waits for a key event infinitely (when $ exttt{delay}leq 0$ ) or for delay milliseconds, when it is positive
cv2.waitKey(0)
#The function destroyAllWindows destroys all of the opened HighGUI windows.
cv2.destroyAllWindows()
- 2024年20款好用的项目管理软件推荐,项目管理提效的20个工具和技巧
- 2024年开源项目管理软件有哪些?推荐5款好用的项目管理工具
- 2024年常用的项目管理软件有哪些?推荐这10款国内外好用的项目管理工具
- 项目管理软件有哪些?推荐7款超好用的项目管理工具
- 项目管理软件有哪些最好用?推荐6款好用的项目管理工具
- 项目管理软件哪个最好用?盘点推荐5款好用的项目管理工具
- 项目管理软件有哪些,盘点推荐国内外超好用的7款项目管理工具
- 项目管理软件排行榜:2024年项目经理必备5款开源项目管理软件汇总
- 项目管理必备:盘点2024年13款好用的项目管理软件
- 2024项目管理软件排行榜(10类常用的项目管理工具全推荐)