如何改善颜色阈值输出?

How can I improve color thresholding output?

在上面的文章中,他们有以下图片:

而且,他们想要获得如下输出:

我运行以下脚本:

import cv2

window_name = 'image'

img = cv2.imread("photo.png")

cv2.imshow(window_name, img)
cv2.waitKey(0)


gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
gray = cv2.medianBlur(gray, 5)
edges = cv2.adaptiveThreshold(gray, 255, cv2.ADAPTIVE_THRESH_MEAN_C, cv2.THRESH_BINARY, 9, 9)

cv2.imshow(window_name, edges)
cv2.waitKey(0)

color = cv2.bilateralFilter(img, 9, 250, 250)
cartoon = cv2.bitwise_and(color, color, mask=edges)

cv2.imshow(window_name, cartoon)
cv2.waitKey(0)

首先,脚本很慢。

其次,输出不是他们承诺的那样:

我该如何解决这两个问题?

简要说明

我对你的问题很感兴趣,所以我尝试了你建议的网站代码,你 post 编辑的代码,我自己在谷歌上搜索了一些来尝试。甚至与我的同龄人讨论过,我的教授使用我几年前学过的 C# 教授介绍性图像 processing/computer 视觉。

讨论反馈

可悲的是,他们的反应都一样,就像我最初的想法一样,无法 transform/convert 直接进入您 post 中的第二张图片,posted 第二张图片是最有可能是艺术图形照片。好吧,也许你更深入地挖掘,也许实际上有一个模块或库可以 transform/convert 100% 像第二张图片一样。

示例代码测试

所以,我开始尝试你的 posted 网站的内容,在那里剪了一点,调整了一些,但总体来说,没有接近第二张卡通图片的地方。

  1. “使用 OpenCV 将图像转换为卡通”的代码和结果
import cv2
from matplotlib import pyplot as plt


# Reading image
img = cv2.imread("img.png")
plt.imshow(img)

# Converting to RGB
img = cv2.cvtColor(img, cv2.COLOR_BGR2RGB)
plt.imshow(img)

# Detecting edges of the input image
gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
gray = cv2.medianBlur(gray, 9)
edges = cv2.adaptiveThreshold(
            gray, 255, 
            cv2.ADAPTIVE_THRESH_MEAN_C,
            cv2.THRESH_BINARY, 9, 9
        )

# Cartoonifying the image
color = cv2.bilateralFilter(img, 9, 250, 250)
cartoon = cv2.bitwise_and(color, color, mask=edges)
plt.imshow(cartoon)
plt.savefig("cartoonify.png")
plt.show()

result of "Converting An Image To A Cartoon Using
OpenCV"

  1. 继续,然后我在 post 中尝试了您的代码,它实际上产生了一些差异,它不会 运行 变慢或没有进行更改。我运行你的代码,它确实做了一些改变,代码几乎保持不变,只是在最后添加了保存图像的方法,cv2.imwrite()
import cv2
import matplotlib.pyplot as plt

window_name = "image"

img = cv2.imread("img.png")

gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
gray = cv2.medianBlur(gray, 5)
edges = cv2.adaptiveThreshold(
            gray, 255,
            cv2.ADAPTIVE_THRESH_MEAN_C,
            cv2.THRESH_BINARY,
            9, 9
        )

color = cv2.bilateralFilter(img, 9, 250, 250)
cartoon = cv2.bitwise_and(color, color, mask=edges)

cv2.imshow(window_name, cartoon)
cv2.waitKey(0)

cv2.imwrite("cartoon_op.png", cartoon)
cv2.waitKey(0)
cv2.destroyAllWindows()

  1. 第三个,我在 github 上搜索,找到了这段代码,但为此我使用了我的 stackoverlfow 个人资料图片,这是一张头像,我想也许白色背景会产生更明显的差异,但它没有,和之前的例子相比,差不多了。
import cv2
import numpy as np
from tkinter.filedialog import *

photo = askopenfilename()
img = cv2.imread(photo)

grey = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
grey = cv2.medianBlur(grey, 5)
edges = cv2.adaptiveThreshold(grey, 255, cv2.ADAPTIVE_THRESH_MEAN_C, cv2.THRESH_BINARY, 9, 9)

#cartoonize
color = cv2.bilateralFilter(img, 9, 250, 250)
cartoon = cv2.bitwise_and(color, color, mask = edges)

cv2.imshow("Image", img)
cv2.imshow("Cartoon", cartoon)

#save
cv2.imwrite("cartoon-git.png", cartoon)
cv2.waitKey(0)
cv2.destroyAllWindows()

  1. 就在快要回答完的时候,我找到了这个例子 在 Dev - 上给出最接近卡通化图片示例的结果 - 如何使用 Python 将图像卡通化,这个例子使用了 Elon 马斯克的照片来展示,虽然它最接近卡通, 但是尺寸不知何故变得非常小。
import numpy as np
import cv2

file_name = "elon.jpg"

def resize_image(image):
    scale_ratio = 0.3
    width = int(image.shape[1] * scale_ratio)
    height = int(image.shape[0] * scale_ratio)
    new_dimensions = (width, height)
    resized = cv2.resize(
                image, new_dimensions,
                interpolation=cv2.INTER_AREA
            )
    return resized

def find_countours(image):
    contoured_image = image
    gray = cv2.cvtColor(contoured_image, cv2.COLOR_BGR2GRAY)
    edged = cv2.Canny(gray, 30, 100)
    contours, hierarchy = cv2.findContours(
                            edged, cv2.RETR_EXTERNAL,
                            cv2.CHAIN_APPROX_NONE
                        )
    cv2.drawContours(
        contoured_image, contours, 
        contourIdx=-1, color=1,
        thickness=1
    )
    cv2.imshow("Image after contouring", contoured_image)
    cv2.waitKey(0)
    cv2.destroyAllWindows()

    return contoured_image

def color_quantization(image, k=4):
    z = image.reshape((-1, 3))
    z = np.float32(z)
    criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 
                10000, 0.0001)
    compactness, label, center = cv2.kmeans(z, k, None, criteria,
                                            1, cv2.KMEANS_RANDOM_CENTERS)
    center = np.uint8(center)
    res = center[label.flatten()]
    res2 = res.reshape((image.shape))

    return res2

if __name__ == '__main__':
    
    image = cv2.imread(file_name)
    resized_image = resize_image(image)
    coloured = color_quantization(resized_image)
    contoured = find_countours(coloured)
    final_image = contoured
    save_q = input("Save the image? [y]/[n]: ")

    if save_q == "y":
        cv2.imwrite("cartoonized_" + file_name, final_image)
        print("Image saved!")

原版Elon.jpg

卡通化Elon.jpg

总结

我希望这个听起来没有明确答案的冗长答案能有所帮助,这正是我发现的兴趣并决定分享发现它的过程。

一种简单的方法是在计算摄影部分的非逼真渲染中使用 Python/OpenCV 中的程式化来制作“卡通”。算法参考位于 https://www.inf.ufrgs.br/~eslgastal/DomainTransform/Gastal_Oliveira_SIGGRAPH2011_Domain_Transform.pdf

输入:

import cv2

# read image
img = cv2.imread('beard_man.png')

# use mask with input to do inpainting
result = cv2.stylization(img, sigma_s=50, sigma_r=0.8) 

# write result to disk
cv2.imwrite("beard_man_cartoon.png", result)

# display it
cv2.imshow("RESULT", result)
cv2.waitKey(0)

结果: