当前位置: 首页 > news >正文

设计素材网站特点摄影看图网站

设计素材网站特点,摄影看图网站,wordpress搜索调用,北海哪家公司做网站建设研发FancyVideo是一个由360AI团队和中山大学联合开发并开源的视频生成模型。 FancyVideo的创新之处在于它能够实现帧特定的文本指导,使得生成的视频既动态又具有一致性。 FancyVideo模型通过精心设计的跨帧文本引导模块(Cross-frame Textual Guidance Modu…

FancyVideo是一个由360AI团队和中山大学联合开发并开源的视频生成模型。

FancyVideo的创新之处在于它能够实现帧特定的文本指导,使得生成的视频既动态又具有一致性。

FancyVideo模型通过精心设计的跨帧文本引导模块(Cross-frame Textual Guidance Module, CTGM)改进了现有的文本控制机制,以解决现有文本到视频(T2V)模型在生成具有连贯运动视频时面临的挑战。

CTGM包含三个子模块:时间信息注入器(Temporal Information Injector, TII)、时间亲和力细化器(Temporal Affinity Refiner, TAR)和时间特征增强器(Temporal Feature Booster, TFB),分别在交叉注意的开始、中间和结束时实现帧特定文本指导。

FancyVideo在EvalCrafter基准测试上取得了最先进的T2V生成结果,并能够合成动态和一致的视频。

github项目地址:https://github.com/360CVGroup/FancyVideo。

一、环境安装

1、python环境

建议安装python版本在3.10以上。

2、pip库安装

pip install torch==2.1.2+cu118 torchvision==0.16.2+cu118 torchaudio==2.1.2 --extra-index-url https://download.pytorch.org/whl/cu118

pip install -r requirements.txt -i https://pypi.tuna.tsinghua.edu.cn/simple

3、fancyvideo模型下载

git lfs install

git clone https://huggingface.co/qihoo360/FancyVideo

4、stable-diffusion-v1-5模型下载

git lfs install

git clone https://huggingface.co/runwayml/stable-diffusion-v1-5

、功能测试

1、运行测试

(1)python代码调用测试

import os
import argparse
import torch
import yaml
from skimage import img_as_ubyte
from fancyvideo.pipelines.fancyvideo_infer_pipeline import InferPipelinedef load_config(config_path):with open(config_path, "r") as fp:return yaml.safe_load(fp)def load_prompts(prompt_path):with open(prompt_path, "r") as fp:return [line.strip() for line in fp.readlines()]def check_and_create_folder(folder_path):if not os.path.exists(folder_path):os.makedirs(folder_path, exist_ok=True)@torch.no_grad()
def process_prompt(infer_pipeline, prompt, reference_image_path, seed, video_length, resolution, use_noise_scheduler_snr, cond_fps, cond_motion_score, output_fps, dst_path):print(f"Processing prompt: {prompt}")reference_image, video, _ = infer_pipeline.t2v_process_one_prompt(prompt=prompt,reference_image_path=reference_image_path,seed=seed,video_length=video_length,resolution=resolution,use_noise_scheduler_snr=use_noise_scheduler_snr,fps=cond_fps,motion_score=cond_motion_score)frame_list = [img_as_ubyte(frame.cpu().permute(1, 2, 0).float().detach().numpy()) for frame in video]infer_pipeline.save_video(frame_list=frame_list, fps=output_fps, dst_path=dst_path)print(f"Saved video to: {dst_path}\n")@torch.no_grad()
def main(args):# Load configurationsconfig = load_config(args.config)model_config = config.get("model", {})infer_config = config.get("inference", {})# Initialize inference pipelineinfer_pipeline = InferPipeline(text_to_video_mm_path=model_config.get("text_to_video_mm_path"),base_model_path=model_config.get("base_model_path"),res_adapter_type=model_config.get("res_adapter_type"),trained_keys=model_config.get("trained_keys"),model_path=model_config.get("model_path"),vae_type=model_config.get("vae_type"),use_fps_embedding=model_config.get("use_fps_embedding"),use_motion_embedding=model_config.get("use_motion_embedding"),common_positive_prompt=model_config.get("common_positive_prompt"),common_negative_prompt=model_config.get("common_negative_prompt"),)# Prepare inference parametersinfer_mode = infer_config.get("infer_mode")resolution = infer_config.get("resolution")video_length = infer_config.get("video_length")output_fps = infer_config.get("output_fps")cond_fps = infer_config.get("cond_fps")cond_motion_score = infer_config.get("cond_motion_score")use_noise_scheduler_snr = infer_config.get("use_noise_scheduler_snr")seed = infer_config.get("seed")prompt_path = infer_config.get("prompt_path")reference_image_folder = infer_config.get("reference_image_folder")output_folder = infer_config.get("output_folder")check_and_create_folder(output_folder)# Load promptsprompts = load_prompts(prompt_path)# Process each promptfor i, prompt in enumerate(prompts):reference_image_path = f"{reference_image_folder}/{i}.png" if infer_mode == "i2v" else ""dst_path = f"{output_folder}/example_{i}.mp4"process_prompt(infer_pipeline, prompt, reference_image_path, seed, video_length, resolution, use_noise_scheduler_snr, cond_fps, cond_motion_score, output_fps, dst_path)if __name__ == "__main__":parser = argparse.ArgumentParser()parser.add_argument("--config", type=str, default="configs/inference/i2v.yaml", help="Path to the configuration file")args = parser.parse_args()main(args)

未完......

更多详细的欢迎关注:杰哥新技术

http://www.yayakq.cn/news/607211/

相关文章:

  • 有没有做博物馆的3d网站广点通广告投放平台
  • wordpress快站网络规划设计师希赛
  • 陕西建设注册中心网站公司注册与注销
  • 做分销网站系统跨境电商运营模式有哪些
  • 对网站建设培训的建议上海网站建设价钱
  • 定州建设厅网站wordpress免费商城模板
  • 枣庄网站制作wordpress数据库新增用户密码忘记
  • 长春网站推广网诚传媒网络广告营销的典型案例
  • 客户做网站需要提供什么莱西做网站的
  • 湛江外包做网站合肥建设云平台
  • 东莞市企业网站建设哪家好山西省住房和城乡建设厅官方网站
  • 用群晖做网站服务器wordpress 博客插件
  • 福建漳州东山建设局官方网站莱芜论坛话题
  • 网站里的友情链接推广普通话的意义50字
  • 招商加盟网站开发ui设计培训班有用吗
  • 广科网站开发厦门网页设计代做
  • 免费网站模板源码空间手机版网站目录建设
  • 磁县网站设计公司ios网站开发工具
  • 广告传媒建设网站关键词排名查询网站
  • 购物网站后台管理系统模板企业策划书格式
  • 尚义住房和城乡规划建设局网站建设网站 万网
  • 常见购物网站功能2017淘宝客网站怎么做
  • 网站建设有钱赚吗比较好的网站开发框架
  • 住房城乡建设部门门户网站漳州优化网站建设
  • 网站开发验证码的有效性门店设计方案
  • 做网站的图片一般放哪长沙建站公司
  • 建设银行网站会员基本信息百度竞价排名平台
  • 专业建站公司加盟三亚网站建设哪家好
  • 怎样让自己的网站被收录东莞厚街劳务事件
  • 做汽配外贸是在哪个网站做网站建设心得总结