如果你生来就是一个男人,
你偶尔会想成为一个女人。
因此,
这一次,我们将使用PyTorch,使AI在
深度Fake的首席执行官女性化。
请注意,DeepFake 在法律上是危险的,如
肖像权问题。
请不要做不择从业,如
粘贴流行女演员的脸在成人视频。
要做什么准备
- 首席执行官
- 女性身体(女性视频)
- Google Colaboratory GPU环境(※Jupyter Notebook也OK)
- 分发源代码(*如果您只想从头开始,则不需要)
女CEO
检查 NVIDIA GPU 和 CUDA 版本。
!nvidia-smi
!nvcc --version
安装名为“分步交换”的 DeepFake 工具和模型。
!git clone https://github.com/sberbank-ai/sber-swap.git
%cd sber-swap
!wget -P ./arcface_model https://github.com/sberbank-ai/sber-swap/releases/download/arcface/backbone.pth
!wget -P ./arcface_model https://github.com/sberbank-ai/sber-swap/releases/download/arcface/iresnet.py
!wget -P ./insightface_func/models/antelope https://github.com/sberbank-ai/sber-swap/releases/download/antelope/glintr100.onnx
!wget -P ./insightface_func/models/antelope https://github.com/sberbank-ai/sber-swap/releases/download/antelope/scrfd_10g_bnkps.onnx
!wget -P ./weights https://github.com/sberbank-ai/sber-swap/releases/download/sber-swap-v2.0/G_unet_2blocks.pth
!wget -P ./weights https://github.com/sberbank-ai/sber-swap/releases/download/super-res/10_net_G.pth
安装库。
!pip install mxnet-cu101mkl
!pip install onnxruntime-gpu==1.8
!pip install insightface==0.2.1
!pip install kornia==0.5.4
导入。
import cv2
import torch
import time
import os
import matplotlib.pyplot as plt
from IPython.display import HTML
from base64 import b64encode
from utils.inference.image_processing import crop_face, get_final_image, show_images
from utils.inference.video_processing import read_video, get_target, get_final_video, add_audio_from_another_video, face_enhancement
from utils.inference.core import model_inference
from network. AEI_Net import AEI_Net
from coordinate_reg.image_infer import Handler
from insightface_func.i import Face_detect_crop
from arcface_model.iresnet import iresnet100
from models.pix2pix_model import Pix2PixModel
from models.config_sr import TestOptions
创建模型。
app = Face_detect_crop(name='antelope', root='./insightface_func/models')
app.prepare(ctx_id= 0, det_thresh=0.6, det_size=(640,640))
G = AEI_Net(backbone='unet', num_blocks=2, c_id=512)
G.eval()
G.load_state_dict(torch.load('weights/G_unet_2blocks.pth', map_location=torch.device('cpu')))
G = G.cuda()
G = G.half()
netArc = iresnet100(fp16=False)
netArc.load_state_dict(torch.load('arcface_model/backbone.pth'))
netArc=netArc.cuda()
netArc.eval()
handler = Handler('./coordinate_reg/model/2d106det', 0, ctx_id=0, det_size=640)
use_sr = True
if use_sr:
os.environ['CUDA_VISIBLE_DEVICES'] = '0'
torch.backends.cudnn.benchmark = True
opt = TestOptions()
model = Pix2PixModel(opt)
model.netG.train()
上传图片和视频。
这一次,target_type
(完成形式)被做成视频。
变量名称 | 路径 |
---|---|
source_path | 首席执行官图片路径 |
target_path | 女性图像的路径(执行图像转换) |
path_to_video | 女性视频通行证 |
图片和视频存储在谷歌科拉布在这里。
顺便说一下,
你可以从pixabay下载免费的图像和视频。
target_type = 'video'
source_path = 'examples/images/jin.png'
target_path = 'examples/images/woman.png'
path_to_video = 'examples/videos/woman.mp4'
source_full = cv2.imread(source_path)
OUT_VIDEO_NAME = "examples/results/result.mp4"
crop_size = 224
try:
source = crop_face(source_full, app, crop_size)[0]
source = [source[:, :, ::-1]]
print("Everything is ok!")
except TypeError:
print("Bad source images")
if target_type == 'image':
target_full = cv2.imread(target_path)
full_frames = [target_full]
else:
full_frames, fps = read_video(path_to_video)
target = get_target(full_frames, app, crop_size)
让我们推断出模型。
batch_size = 40
START_TIME = time.time()
final_frames_list, crop_frames_list, full_frames, tfm_array_list = model_inference(
full_frames,
source,
target,
netArc,
G,
.app
set_target = False,
crop_size=crop_size,
BS=batch_size
)
if use_sr:
final_frames_list = face_enhancement(final_frames_list, model)
if target_type == 'video':
get_final_video(
final_frames_list,
crop_frames_list,
full_frames,
tfm_array_list,
OUT_VIDEO_NAME,
fps,
handler
)
add_audio_from_another_video(path_to_video, OUT_VIDEO_NAME, "audio")
print(f'Full pipeline took {time.time() - START_TIME}')
print(f"Video saved with path {OUT_VIDEO_NAME}")
else:
result = get_final_image(
final_frames_list,
crop_frames_list,
full_frames[0],
tfm_array_list,
handler
)
cv2.imwrite('examples/results/result.png', result)
让我们看看。
if target_type == 'image':
show_images(
[
source[0][:,:,::-1],
target_full,
result
],
[
'Source Image',
'Target Image',
'Swapped Image'
],
figsize=(20, 15)
)
else:
video_file = open(OUT_VIDEO_NAME, "r+b").read()
video_url = f"data:video/mp4;base64,{b64encode(video_file).decode()}"
HTML(f"""<video width={800} controls><source src="{video_url}"></video>""")
刚刚输出了一段视频。
输出如下所示。 (※参照sber-swap
官方)
结论
太恶心了
深度技术杂志在这里“深度杂志”