Как обрезать изображение в OpenCV с помощью Python
Как я могу обрезать изображения, как я делал раньше в 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
, Если это так, пожалуйста, объясните, как я могу правильно использовать эту функцию.
12 ответов
Это очень просто. Используйте нарезанный кусочек.
import cv2
img = cv2.imread("lenna.png")
crop_img = img[y:y+h, x:x+w]
cv2.imshow("cropped", crop_img)
cv2.waitKey(0)
У меня был этот вопрос и я нашел другой ответ здесь: скопируйте область интереса
Если мы рассмотрим (0,0) в левом верхнем углу изображения im
с слева направо в направлении х и сверху вниз в направлении у. и мы имеем (x1,y1) как верхнюю левую вершину и (x2,y2) как нижнюю правую вершину области прямоугольника в этом изображении, тогда:
roi = im[y1:y2, x1:x2]
Вот исчерпывающий ресурс по индексированию и разрезанию массива, который может рассказать вам больше о таких вещах, как обрезка части изображения. изображения будут храниться в виде массива в opencv2.
:)
Этот код обрезает изображение с позиции 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)
Обратите внимание, что нарезка изображения не создает копию 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 all only the crops in the memory.
# im's will be deleted by gc.
Узнав об этом, я понял, что один из комментариев пользователя user1270710 упомянул это, но мне потребовалось довольно много времени, чтобы выяснить это (например, отладка и т. Д.). Так что, думаю, стоит упомянуть.
Надежная обрезка с функцией копирования границы 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
Ниже приведен способ обрезки изображения.
image_path: путь к изображению для редактирования
Координаты: кортеж координат x/y (x1, y1, x2, y2)[откройте изображение в mspaint и проверьте "линейку" на вкладке вида, чтобы увидеть координаты]
save_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')
Вот некоторый код для более надежного 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
Чтобы вам было проще, вот код, который я использую:
w, h = image.shape
top=10
right=50
down=15
left=80
croped_image = image[top:((w-down)+top), right:((h-left)+right)]
plt.imshow(croped_image, cmap="gray")
plt.show()
В качестве альтернативы вы можете использовать тензорный поток для обрезки и 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
)
обрезать или область интереса (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()
# 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 \f$\texttt{delay}\leq 0\f$ ) or for delay milliseconds, when it is positive
cv2.waitKey(0)
#The function destroyAllWindows destroys all of the opened HighGUI windows.
cv2.destroyAllWindows()
Используя эту функцию, вы можете легко обрезать изображение.
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
НАДЕЮСЬ ЭТО ПОМОЖЕТ