使用稳定的扩散V上的笔记本电脑上的AI驱动图像处理 - 这比您想象的要容易!
来源:dev.to
时间:2025-01-31 12:42:54 443浏览 收藏
亲爱的编程学习爱好者,如果你点开了这篇文章,说明你对《使用稳定的扩散V上的笔记本电脑上的AI驱动图像处理 - 这比您想象的要容易!》很感兴趣。本篇文章就来给大家详细解析一下,主要介绍一下,希望所有认真读完的童鞋们,都有实质性的提高。
这个脚本利用稳定的扩散v1.5从拥抱面孔的扩散器库来基于给定文本提示符生成图像变化。通过使用火炬和pil,它处理输入图像,应用ai驱动的转换并保存结果。
您可以克隆此回购以获取代码源代码:https://github.com/alexander-uspenskiy/image_variations>
import torch
from diffusers import StableDiffusionImg2ImgPipeline
from PIL import Image
import requests
from io import BytesIO
def load_image(image_path, target_size=(768, 768)):
"""
Load and preprocess the input image
"""
if image_path.startswith('http'):
response = requests.get(image_path)
image = Image.open(BytesIO(response.content))
else:
image = Image.open(image_path)
# Resize and preserve aspect ratio
image = image.convert("RGB")
image.thumbnail(target_size, Image.Resampling.LANCZOS)
# Create new image with padding to reach target size
new_image = Image.new("RGB", target_size, (255, 255, 255))
new_image.paste(image, ((target_size[0] - image.size[0]) // 2,
(target_size[1] - image.size[1]) // 2))
return new_image
def generate_image_variation(
input_image_path,
prompt,
model_id="stable-diffusion-v1-5/stable-diffusion-v1-5",
num_images=1,
strength=0.75,
guidance_scale=7.5,
seed=None
):
"""
Generate variations of an input image using a specified prompt
Parameters:
- input_image_path: Path or URL to the input image
- prompt: Text prompt to guide the image generation
- model_id: Hugging Face model ID
- num_images: Number of variations to generate
- strength: How much to transform the input image (0-1)
- guidance_scale: How closely to follow the prompt
- seed: Random seed for reproducibility
Returns:
- List of generated images
"""
# Set random seed if provided
if seed is not None:
torch.manual_seed(seed)
# Load the model
device = "cuda" if torch.cuda.is_available() else "cpu"
pipe = StableDiffusionImg2ImgPipeline.from_pretrained(
model_id,
torch_dtype=torch.float16 if device == "cuda" else torch.float32
).to(device)
# Load and preprocess the input image
init_image = load_image(input_image_path)
# Generate images
result = pipe(
prompt=prompt,
image=init_image,
num_images_per_prompt=num_images,
strength=strength,
guidance_scale=guidance_scale
)
return result.images
def save_generated_images(images, output_prefix="generated"):
"""
Save the generated images with sequential numbering
"""
for i, image in enumerate(images):
image.save(f"images-out/{output_prefix}_{i}.png")
# Example usage
if __name__ == "__main__":
# Example parameters
input_image = "images-in/Image_name.jpg" # or URL
prompt = "Draw the image in modern art style, photorealistic and detailed."
# Generate variations
generated_images = generate_image_variation(
input_image,
prompt,
num_images=3,
strength=0.75,
seed=42 # Optional: for reproducibility
)
# Save the results
save_generated_images(generated_images)
它的工作原理:
>加载和预处理输入图像
接受本地文件路径和url。
>
将图像转换为rgb格式,并将其调整为768×768,以维持纵横比。
添加填充以适合目标尺寸。
初始化稳定扩散v1.5
添加文本提示来指导转换。
强度(0-1)和引导量表(更高=更严格的提示依从性)等参数允许自定义。
将结果保存到图像输出目录。
>输出带有顺序命名方案的生成图像(生成_0.png,生成_1.png等)。
>您可以使用以下提示来将一个人的图像转换为中世纪的国王 提示=“在中世纪的环境中,将这个人当作强大的国王,逼真的和详细的。 初始图像:
结果:
cons&pros
cons:
在某些硬件配置上可能会很慢。
小尺寸模型限制。
- pros:
- >在本地运行(不需要云服务)。
可重现的可选随机种子。
今天关于《使用稳定的扩散V上的笔记本电脑上的AI驱动图像处理 - 这比您想象的要容易!》的内容就介绍到这里了,是不是学起来一目了然!想要了解更多关于的内容请关注golang学习网公众号!
声明:本文转载于:dev.to 如有侵犯,请联系study_golang@163.com删除
相关阅读
更多>
-
501 收藏
-
501 收藏
-
501 收藏
-
501 收藏
-
501 收藏
最新阅读
更多>
-
292 收藏
-
172 收藏
-
324 收藏
-
139 收藏
-
398 收藏
-
161 收藏
课程推荐
更多>
-
- 前端进阶之JavaScript设计模式
- 设计模式是开发人员在软件开发过程中面临一般问题时的解决方案,代表了最佳的实践。本课程的主打内容包括JS常见设计模式以及具体应用场景,打造一站式知识长龙服务,适合有JS基础的同学学习。
- 立即学习 542次学习
-
- GO语言核心编程课程
- 本课程采用真实案例,全面具体可落地,从理论到实践,一步一步将GO核心编程技术、编程思想、底层实现融会贯通,使学习者贴近时代脉搏,做IT互联网时代的弄潮儿。
- 立即学习 507次学习
-
- 简单聊聊mysql8与网络通信
- 如有问题加微信:Le-studyg;在课程中,我们将首先介绍MySQL8的新特性,包括性能优化、安全增强、新数据类型等,帮助学生快速熟悉MySQL8的最新功能。接着,我们将深入解析MySQL的网络通信机制,包括协议、连接管理、数据传输等,让
- 立即学习 497次学习
-
- JavaScript正则表达式基础与实战
- 在任何一门编程语言中,正则表达式,都是一项重要的知识,它提供了高效的字符串匹配与捕获机制,可以极大的简化程序设计。
- 立即学习 487次学习
-
- 从零制作响应式网站—Grid布局
- 本系列教程将展示从零制作一个假想的网络科技公司官网,分为导航,轮播,关于我们,成功案例,服务流程,团队介绍,数据部分,公司动态,底部信息等内容区块。网站整体采用CSSGrid布局,支持响应式,有流畅过渡和展现动画。
- 立即学习 484次学习