最近一个“最强变脸术”又火爆抖音啦,还不知道的朋友建议先打开抖音,搜索“最强变脸术”看个十来个视频再回来看这篇文章。视频看起来炫酷,其实本质就是图像的各种变换组合到一块的结果。那我们能不能也搞出一个来玩玩?我利用周末刷了两天抖音,不停的暂停、继续… 最终在尝试了仿射变换
和透视变换
两种方案后,搞出了一个“低配版最强变脸术”。首先先来看看最终实现的效果(忽略gif颜色问题),也可以到http://www.iqiyi.com/w_19saz1z92h.html查看完整视频,然后从数学原理、opencv代码实现入手一步步的搞一个“最强变脸术”。
看过“最强变脸术”的都知道,这个效果最基础的技术就是人脸识别。都2020年了,人脸识别当然不是多难的事了,可以选择的技术也很多,比如可以利用深度学习自己训练一个,也可以和我一样使用dlib
这个三方库。
dlib
用起来很简单,下面直接上代码了。
img = cv2.imread("./imgs/2.jpg")
dets = detector(img, 1)
shape = predictor(img, dets[0])
landmarks = []
for p in shape.parts():
landmarks.append(np.array([p.x, p.y]))
for idx, point in enumerate(landmarks):
cv2.putText(img, str(idx), (point[0], point[1]), fontFace=cv2.FONT_HERSHEY_SCRIPT_SIMPLEX,
fontScale=0.3, color=(0, 255, 0))
cv2.imshow("--", img)
cv2.waitKey()
运行上面的代码可以看到这样的结果:
请注意上面图中36
、45
、29
三个数字的位置,因为在下面仿射变换
的版本中我们要用到。
人脸关键点搞定后的第一次尝试,我是用的图像仿射变换
来实现的。通过不断观察,我拆解出了一下三种变换方式:
- 平移
- 缩放
- 旋转
需要平移,是因为我们需要把两张图片上的人脸叠放到一块。平移的变换操作矩阵是:
[ 1 0 t x 0 1 t y ] \left[ \begin{matrix} 1 & 0 & tx \\ 0 & 1 & ty \end{matrix} \right] [1001txty]
例如我们要向右平移100个像素,向下平移50个像素,那么变换矩阵就应该是:
[ 1 0 100 0 1 50 ] \left[ \begin{matrix} 1 & 0 & 100 \\ 0 & 1 & 50 \end{matrix} \right] [100110050]
对应的运算是:
[ x ′ y ′ ] = [ 1 0 100 0 1 50 ] ∗ [ x y 1 ] \left[ \begin{matrix} x' \\ y' \\ \end{matrix} \right]=\left[ \begin{matrix} 1 & 0 & 100 \\ 0 & 1 & 50 \end{matrix} \right]*\left[ \begin{matrix} x \\ y \\ 1 \end{matrix} \right] [x′y′]=[100110050]∗⎣⎡xy1⎦⎤
即
{ x ′ = 1 ∗ x + 0 ∗ y + 100 ∗ 1 y ′ = 0 ∗ x + 1 ∗ y + 50 ∗ 1 \begin{cases} x'=1*x+0*y+100*1 \\ y'=0*x+1*y+50*1 \end{cases} {x′=1∗x+0∗y+100∗1y′=0∗x+1∗y+50∗1
所以平移操作的本质就是对每个像素加上一个偏移量。下面是使用opencv对图像进行平移操作的代码:
img = cv2.imread("./imgs/2.jpg")
M = np.float32(
[
[1, 0, 100],
[0, 1, 50]
]
)
dst = cv2.warpAffine(img, M, (img.shape[1], img.shape[0]))
cv2.imshow("", dst)
cv2.waitKey()
运行上面的代码可以看到这样的结果:
需要缩放,是因为我们在人脸对齐的时候需要尽可能的保证两张人脸大小一致。缩放的变换操作矩阵是:
[ f x 0 0 0 f y 0 ] \left[ \begin{matrix} fx & 0 & 0 \\ 0 & fy & 0 \end{matrix} \right] [fx00fy00]
fx代表x方向的缩放因子,fy代表y方向的缩放因子。所以如果我们想x轴放大1.5倍,y轴放大2倍的代码如下:
img = cv2.imread("./imgs/2.jpg")
M = np.float32(
[
[1.5, 0, 0],
[0, 2, 0]
]
)
dst = cv2.warpAffine(img, M, (img.shape[1], img.shape[0]))
cv2.imshow("", dst)
cv2.waitKey()
运行上面的代码可以看到这样的结果:
需要旋转,是因为我们需要把两张图片上的人脸进行对齐操作。旋转的变换操作矩阵是:
[ c o s ( θ ) − s i n ( θ ) 0 s i n ( θ ) c o s ( θ ) 0 0 0 1 ] \left[ \begin{matrix} cos(\theta) & -sin(\theta) & 0 \\ sin(\theta) & cos(\theta) & 0 \\ 0 & 0 & 1 \end{matrix} \right] ⎣⎡cos(θ)sin(θ)0−sin(θ)cos(θ)0001⎦⎤
如果我们想要旋转30度,可以使用一下代码:
img = cv2.imread("./imgs/2.jpg")
theta = math.radians(-30)
M = np.float32(
[
[np.cos(theta), -np.sin(theta), 0],
[np.sin(theta), np.cos(theta), 0]
]
)
dst = cv2.warpAffine(img, M, (img.shape[1], img.shape[0]))
cv2.imshow("", dst)
cv2.waitKey()
运行效果如下:
观察结果可能发现了,这次旋转的中心是在原点,如果我们想以任意点为旋转中心怎么办? opencv提供了一个函数:
getRotationMatrix2D(center, angle, scale)
center: 指定旋转的中心
angle: 旋转角度
scale: 缩放因子
这个函数还顺手解决了我们上面需要的缩放操作。可以比较下面代码和上面的效果:
img = cv2.imread("./imgs/2.jpg")
M = cv2.getRotationMatrix2D((img.shape[1], img.shape[0]), 30, 1)
dst = cv2.warpAffine(img, M, (img.shape[1], img.shape[0]))
cv2.imshow("", dst)
cv2.waitKey()
仿射变换
版本其实就是利用了以上三种变换方式的组合,首先先定义一个函数入口。
def compose_img(name, frames_per_transformer, wait_frames, *imgs):
pass
参数1:生成视频的文件名
参数2:每两张图像之前的变换(称之为1次迭代)需要多少帧
参数3:每个迭代后写入多少帧静态图,也就是每次迭代完成后图片保持多少帧不变
参数4:参与生成视频的图片集合
除了这个函数外,我们还需要几个辅助函数。
def to_video(name, width, height):
fps = 10
video_writer = cv2.VideoWriter(name, cv2.VideoWriter_fourcc('I', '4', '2', '0'), fps, (width, height))
return video_writer
def get_equation(x0, y0, x1, y1, pow_arg=1):
k = (y1 - y0) / (pow(x1, pow_arg) - pow(x0, pow_arg))
b = y0 - k * pow(x0, pow_arg)
def f(x):
return k * pow(x, pow_arg) + b
return f
def get_rotate_theta(from_landmarks, to_landmarks):
from_left_eye = from_landmarks[36]
from_right_eye = from_landmarks[45]
to_left_eye = to_landmarks[36]
to_right_eye = to_landmarks[45]
from_angle = math.atan2(from_right_eye[1] - from_left_eye[1], from_right_eye[0] - from_left_eye[0])
to_angle = math.atan2(to_right_eye[1] - to_left_eye[1], to_right_eye[0] - to_left_eye[0])
from_theta = -from_angle * (180 / math.pi)
to_theta = -to_angle * (180 / math.pi)
return to_theta - from_theta
to_video
函数主要是用来创建一个视频生成器的。get_equation
函数是用来生成一个根据时间变化的方程,主要用到了一次方程和二次方程。get_rotate_theta
这个函数是通过计算左右眼的夹角来估计人脸倾斜角度差值,下标的值可以参考第一张图片。
最后我们就要进入主函数的实现了,主要思路是遍历所有图片,每个迭代拿出当前图和下一张图,然后识别出两张人脸中的关键点,通过这些关键点我们可以计算出两张图在某一时刻需要的旋转角度、旋转中心、缩放比例、位移像素数等关键参数。最终我们再次迭代frames_per_transformer
次通过对两张图片分别做旋转
、平移
变换来达到效果。
def compose_img(name, frames_per_transformer, wait_frames, *imgs):
video_writer = to_video("{}.avi".format(name), imgs[0].shape[1], imgs[0].shape[0])
img_count = len(imgs)
for idx in range(img_count - 1):
from_img = imgs[idx]
to_img = imgs[idx + 1]
from_width = from_img.shape[1]
from_height = from_img.shape[0]
to_width = to_img.shape[1]
to_height = to_img.shape[0]
from_face_region, from_landmarks = face_detector(from_img)
to_face_region, to_landmarks = face_detector(to_img)
# 第一张图最终的旋转角度
from_theta = get_rotate_theta(from_landmarks, to_landmarks)
# 第二张图初始的旋转角度
to_theta = get_rotate_theta(to_landmarks, from_landmarks)
# 两张图的旋转中心
from_rotate_center = (from_face_region.left() + (from_face_region.right() - from_face_region.left()) / 2, from_face_region.top() + (from_face_region.bottom() - from_face_region.top()) / 2)
to_rotate_center = (to_face_region.left() + (to_face_region.right() - to_face_region.left()) / 2, to_face_region.top() + (to_face_region.bottom() - to_face_region.top())/2)
from_face_area = from_face_region.area()
to_face_area = to_face_region.area()
# 第一张图的最终缩放因子
to_scaled = from_face_area / to_face_area
# 第二张图的初始缩放因子
from_scaled = to_face_area / from_face_area
# 平移多少的基准
to_translation_base = to_rotate_center
from_translation_base = from_rotate_center
equation_pow = 1 if idx % 2 == 0 else 2
# 建立变换角度的方程
to_theta_f = get_equation(0, to_theta, frames_per_transformer - 1, 0, equation_pow)
from_theta_f = get_equation(0, 0, frames_per_transformer - 1, from_theta, equation_pow)
# 建立缩放系数的角度
to_scaled_f = get_equation(0, to_scaled, frames_per_transformer - 1, 1, equation_pow)
from_scaled_f = get_equation(0, 1, frames_per_transformer - 1, from_scaled, equation_pow)
for i in range(frames_per_transformer):
# 当前时间点的旋转角度
cur_to_theta = to_theta_f(i)
cur_from_theta = from_theta_f(i)
# 当前时间点的缩放因子
cur_to_scaled = to_scaled_f(i)
cur_from_scaled = from_scaled_f(i)
# 生成第二张图片变换矩阵
to_rotate_M = cv2.getRotationMatrix2D(to_rotate_center, cur_to_theta, cur_to_scaled)
# 对第二张图片执行仿射变换
to_dst = cv2.warpAffine(to_img, to_rotate_M, (to_width, to_height), borderMode=cv2.BORDER_REPLICATE)
# 生成第一张图片的变换矩阵
from_rotate_M = cv2.getRotationMatrix2D(from_rotate_center, cur_from_theta, cur_from_scaled)
# 对第一张图片执行仿射变换
from_dst = cv2.warpAffine(from_img, from_rotate_M, (from_width, from_height), borderMode=cv2.BORDER_REPLICATE)
# 重新计算变换后的平移基准
to_left_rotated = to_rotate_M[0][0] * to_translation_base[0] + to_rotate_M[0][1] * to_translation_base[1] + to_rotate_M[0][2]
to_top_rotated = to_rotate_M[1][0] * to_translation_base[0] + to_rotate_M[1][1] * to_translation_base[1] + to_rotate_M[1][2]
from_left_rotated = from_rotate_M[0][0] * from_translation_base[0] + from_rotate_M[0][1] * from_translation_base[1] + from_rotate_M[0][2]
from_top_rotated = from_rotate_M[1][0] * from_translation_base[0] + from_rotate_M[1][1] * from_translation_base[1] + from_rotate_M[1][2]
# 当前时间点的平移数
to_left_f = get_equation(0, from_left_rotated - to_left_rotated, frames_per_transformer - 1, 0, equation_pow)
to_top_f = get_equation(0, from_top_rotated - to_top_rotated, frames_per_transformer - 1, 0, equation_pow)
from_left_f = get_equation(0, 0, frames_per_transformer - 1, to_left_rotated - from_left_rotated, equation_pow)
from_top_f = get_equation(0, 0, frames_per_transformer - 1, to_top_rotated - from_top_rotated, equation_pow)
# 生成第二张图片平移的变换矩阵
to_translation_M = np.float32(
[
[1, 0, to_left_f(i)],
[0, 1, to_top_f(i)]
]
)
# 对第二张图片执行平移变换
to_dst = cv2.warpAffine(to_dst, to_translation_M, (to_width, to_height), borderMode=cv2.BORDER_REPLICATE)
# 生成第一张图片平移的变换矩阵
from_translation_M = np.float32(
[
[1, 0, from_left_f(i)],
[0, 1, from_top_f(i)]
]
)
# 对第一张图片执行平移变换
from_dst = cv2.warpAffine(from_dst, from_translation_M, (from_width, from_height), borderMode=cv2.BORDER_REPLICATE)
# 将两张图片合成到一张,并写入视频帧
new_img = cv2.addWeighted(from_dst, 1 - ((i + 1) / frames_per_transformer), to_dst, (i + 1) / frames_per_transformer, 0)
video_writer.write(new_img)
# 一个迭代完成,迭代n次写入第二张图片
for _ in range(wait_frames):
video_writer.write(to_img)
video_writer.release()
以上就是利用仿射变换
实现的代码。效果可以看下面的gif(忽略gif的颜色问题,视频正常!完整视频可以到http://www.iqiyi.com/w_19saz225ol.html查看)
通过观察效果和代码,我们来总结一下这个版本的不足之处:
- 两张人脸并未真正实现大小一致。
- 人脸对齐也做的不够好。
- 仅在2D空间做了变换,对于脸朝向的变换不敏感。
- 代码复杂。
- 仅利用了68个人脸关键点中的一小部分,并未充分利用人脸的特征。
以上几个问题其实就决定了仿射变换
版本的使用局限性很大,跟抖音实现的效果差距很大。这也迫使我寻找另一种解决方案,结果就是透视变换
版本,这个版本代码简单而且效果更接近抖音。
仿射变换
仅在二维空间做线性变换和平移,所以两条平行线变换后还是平行的,因而我们感受不到立体变换的效果。而透视变换
则不同,它是在3D空间做变换,最后在映射到2D平面。以下是透视变换
的数学原理。
[ x ′ y ′ z ] = [ a 11 a 12 a 13 a 21 a 22 a 23 a 31 a 32 a 33 ] ∗ [ x y 1 ] \left[ \begin{matrix} x' \\ y' \\ z \end{matrix} \right]=\left[ \begin{matrix} a_{11} & a_{12} & a_{13} \\ a_{21} & a_{22} & a_{23} \\ a_{31} & a_{32} & a_{33} \end{matrix} \right]*\left[ \begin{matrix} x \\ y \\ 1 \end{matrix} \right] ⎣⎡x′y′z⎦⎤=⎣⎡a11a21a31a12a22a32a13a23a33⎦⎤∗⎣⎡xy1⎦⎤
从公式中可以看到变换后做了第3个维度z
。展开为方程组形式:
{ x ′ = a 11 ∗ x + a 12 ∗ y + a 13 y ′ = a 21 ∗ x + a 22 ∗ y + a 23 z = a 31 ∗ x + a 32 ∗ y + a 33 \begin{cases} x'=a_{11}*x+a_{12}*y+a_{13} \\ y'=a_{21}*x+a_{22}*y+a_{23} \\ z=a_{31}*x+a_{32}*y+a_{33} \end{cases} ⎩⎪⎨⎪⎧x′=a11∗x+a12∗y+a13y′=a21∗x+a22∗y+a23z=a31∗x+a32∗y+a33
最后映射回2维空间:
{ x ′ = x ′ z = a 11 ∗ x + a 12 ∗ y + a 13 a 31 ∗ x + a 32 ∗ y + a 33 y ′ = y ′ z = a 21 ∗ x + a 22 ∗ y + a 23 a 31 ∗ x + a 32 ∗ y + a 33 \begin{cases} x'=\frac{x'}{z}=\frac{a_{11}*x+a_{12}*y+a_{13}}{a_{31}*x+a_{32}*y+a_{33}} \\ y'=\frac{y'}{z}=\frac{a_{21}*x+a_{22}*y+a_{23}}{a_{31}*x+a_{32}*y+a_{33}} \end{cases} {x′=zx′=a31∗x+a32∗y+a33a11∗x+a12∗y+a13y′=zy′=a31∗x+a32∗y+a33a21∗x+a22∗y+a23
从公式中可以看到,假设将a33设为1,那么会有8个未知数,也就是我们至少需要4个点才能求得方程的接。在python中可以轻松的实现:
img = cv2.imread("./1.jpg")
src_pts = np.float32(
[
[
[0, 0],
[0, 626],
[500, 626],
[500, 0]
]
])
dst_pts = np.float32(
[
[100, 50],
[150, 200],
[500, 626],
[500, 0]
]
)
M = cv2.getPerspectiveTransform(src_pts, dst_pts)
dst = cv2.warpPerspective(img, M, (img.shape[0], img.shape[1]))
cv2.imshow("", dst)
cv2.waitKey()
上面代码效果如下:
上面的代码是通过getPerspectiveTransform
函数找到src
的4个点和dst
的4个点的变换矩阵,还有一个函数findHomography
可以在一堆点中找到最佳的变换矩阵,很明显,第二个函数更符合这个需求的实现,可以直接将人脸识别后的关键点扔给这个函数,然后找到最佳变换矩阵。所以透视变换
版本的代码如下:
def compose_img(name, frames_per_transformer, wait_frames, *imgs):
video_writer = to_video("{}.avi".format(name), imgs[0].shape[1], imgs[0].shape[0])
img_count = len(imgs)
for idx in range(img_count - 1):
from_img = imgs[idx]
to_img = imgs[idx + 1]
from_width = from_img.shape[1]
from_height = from_img.shape[0]
to_width = to_img.shape[1]
to_height = to_img.shape[0]
equation_pow = 1 if idx % 2 == 0 else 2
from_face_region, from_landmarks = face_detector(from_img)
to_face_region, to_landmarks = face_detector(to_img)
homography_equation = get_equation(0, from_landmarks, frames_per_transformer - 1, to_landmarks, equation_pow)
for i in range(frames_per_transformer):
from_H, _ = cv2.findHomography(from_landmarks, homography_equation(i))
to_H, _ = cv2.findHomography(to_landmarks, homography_equation(i))
from_dst = cv2.warpPerspective(from_img, from_H, (from_width, from_height), borderMode=cv2.BORDER_REPLICATE)
to_dst = cv2.warpPerspective(to_img, to_H, (to_width, to_height), borderMode=cv2.BORDER_REPLICATE)
new_img = cv2.addWeighted(from_dst, 1 - ((i + 1) / frames_per_transformer), to_dst, (i + 1) / frames_per_transformer, 0)
video_writer.write(new_img)
for _ in range(wait_frames):
video_writer.write(to_img)
video_writer.release()
可以看到代码简化了不少,也仅用了一次变换就完成了。如上面所说,我们使用findHomography
函数,在68个关键点中寻找最佳变换矩阵,然后利用warpPerspective
函数进行变换,效果可以看下面的gif(忽略gif的颜色问题,视频正常!完整视频可以到http://www.iqiyi.com/w_19saz1z92h.html查看)
可以看到这次的效果完全有了立体感,而且人脸的对齐也比第一个版本好的多,跟抖音的差距也缩小了不少。
最终所有代码都可以再我的github下载。