Giter Site home page Giter Site logo

easyphoto's People

Contributors

bubbliiiing avatar hkunzhe avatar zouxinyi0625 avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar

easyphoto's Issues

api参数不对

企业微信截图_44feccba-2308-48b1-893c-d6e5dd846538 background_restore_denoising_strength 参数取的不对啊,看了sd版本的是对的,这个修正下吧

Train error. cant start.

train_file_path : E:\Ai\TensorRT\webui\extensions\sd-webui-EasyPhoto\scripts\train_kohya/train_lora.py
cache_log_file_path: E:\Ai\TensorRT\webui\outputs/easyphoto-tmp/train_kohya_log.txt
bin E:\Ai\TensorRT\webui\venv\lib\site-packages\bitsandbytes\libbitsandbytes_cuda118.dll
Traceback (most recent call last):
File "C:\Users\Al Farizy\AppData\Local\Programs\Python\Python310\lib\runpy.py", line 196, in _run_module_as_main
return _run_code(code, main_globals, None,
File "C:\Users\Al Farizy\AppData\Local\Programs\Python\Python310\lib\runpy.py", line 86, in _run_code
exec(code, run_globals)
File "E:\Ai\TensorRT\webui\venv\lib\site-packages\accelerate\commands\launch.py", line 989, in
main()
File "E:\Ai\TensorRT\webui\venv\lib\site-packages\accelerate\commands\launch.py", line 985, in main
launch_command(args)
File "E:\Ai\TensorRT\webui\venv\lib\site-packages\accelerate\commands\launch.py", line 957, in launch_command
args, defaults, mp_from_config_flag = _validate_launch_command(args)
File "E:\Ai\TensorRT\webui\venv\lib\site-packages\accelerate\commands\launch.py", line 821, in _validate_launch_command
defaults = load_config_from_file(args.config_file)
File "E:\Ai\TensorRT\webui\venv\lib\site-packages\accelerate\commands\config\config_args.py", line 72, in load_config_from_file
return config_class.from_yaml_file(yaml_file=config_file)
File "E:\Ai\TensorRT\webui\venv\lib\site-packages\accelerate\commands\config\config_args.py", line 135, in from_yaml_file
return cls(**config_dict)
TypeError: ClusterConfig.init() got an unexpected keyword argument 'debug'
Error executing the command: Command '['E:\Ai\TensorRT\webui\venv\Scripts\python.exe', '-m', 'accelerate.commands.launch', '--mixed_precision=fp16', '--main_process_port=3456', 'E:\Ai\TensorRT\webui\extensions\sd-webui-EasyPhoto\scripts\train_kohya/train_lora.py', '--pretrained_model_name_or_path=extensions\sd-webui-EasyPhoto\models\stable-diffusion-v1-5', '--pretrained_model_ckpt=models\Stable-diffusion\v1-5-pruned.safetensors', '--train_data_dir=outputs\easyphoto-user-id-infos\ohxviona\processed_images', '--caption_column=text', '--resolution=512', '--random_flip', '--train_batch_size=1', '--gradient_accumulation_steps=4', '--dataloader_num_workers=0', '--max_train_steps=1500', '--checkpointing_steps=100', '--learning_rate=0.0001', '--lr_scheduler=constant', '--lr_warmup_steps=0', '--train_text_encoder', '--seed=42', '--rank=128', '--network_alpha=64', '--validation_prompt=easyphoto_face, easyphoto, 1person', '--validation_steps=100', '--output_dir=outputs\easyphoto-user-id-infos\ohxviona\user_weights', '--logging_dir=outputs\easyphoto-user-id-infos\ohxviona\user_weights', '--enable_xformers_memory_efficient_attention', '--mixed_precision=fp16', '--template_dir=extensions\sd-webui-EasyPhoto\models\training_templates', '--template_mask', '--merge_best_lora_based_face_id', '--merge_best_lora_name=ohxviona', '--cache_log_file=E:\Ai\TensorRT\webui\outputs/easyphoto-tmp/train_kohya_log.txt', '--validation']' returned non-zero exit status 1.
Using already loaded model Best of the best\mikasmix_v10.ckpt [951cbe16c9]: done in 0.8s (send model to device: 0.8s

Trying to download the wrong model and unnecessarily

I am using EasyPhoto in Automatic1111. I've already built a few LoRAs with it and trying it again now, but get this error:

Loading weights [027654f2ea] from C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\models\Stable-diffusion\epicrealismXL_v3Leo.safetensors
Applying attention optimization: Doggettx... done.
Traceback (most recent call last):
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\connectionpool.py", line 467, in _make_request
self._validate_conn(conn)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\connectionpool.py", line 1096, in _validate_conn
conn.connect()
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\connection.py", line 642, in connect
sock_and_verified = _ssl_wrap_socket_and_match_hostname(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\connection.py", line 782, in ssl_wrap_socket_and_match_hostname
ssl_sock = ssl_wrap_socket(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\util\ssl
.py", line 470, in ssl_wrap_socket
ssl_sock = ssl_wrap_socket_impl(sock, context, tls_in_tls, server_hostname)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\util\ssl
.py", line 514, in _ssl_wrap_socket_impl
return ssl_context.wrap_socket(sock, server_hostname=server_hostname)
File "C:\Users\mampy\AppData\Local\Programs\Python\Python310\lib\ssl.py", line 513, in wrap_socket
return self.sslsocket_class._create(
File "C:\Users\mampy\AppData\Local\Programs\Python\Python310\lib\ssl.py", line 1071, in _create
self.do_handshake()
File "C:\Users\mampy\AppData\Local\Programs\Python\Python310\lib\ssl.py", line 1342, in do_handshake
self._sslobj.do_handshake()
ssl.SSLEOFError: EOF occurred in violation of protocol (_ssl.c:997)

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\connectionpool.py", line 790, in urlopen
response = self._make_request(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\connectionpool.py", line 491, in _make_request
raise new_e
urllib3.exceptions.SSLError: EOF occurred in violation of protocol (_ssl.c:997)

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\requests\adapters.py", line 486, in send
resp = conn.urlopen(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\connectionpool.py", line 844, in urlopen
retries = retries.increment(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\urllib3\util\retry.py", line 515, in increment
raise MaxRetryError(_pool, url, reason) from reason # type: ignore[arg-type]
urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='pai-aigc-photog.oss-cn-hangzhou.aliyuncs.com', port=443): Max retries exceeded with url: /webui/ChilloutMix-ni-fp16.safetensors (Caused by SSLError(SSLEOFError(8, 'EOF occurred in violation of protocol (_ssl.c:997)')))

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api
result = await self.call_function(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function
prediction = await anyio.to_thread.run_sync(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\anyio\to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 877, in run_sync_in_worker_thread
return await future
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 807, in run
result = context.run(func, *args)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper
response = f(*args, **kwargs)
File "C:\Users\mampy\AppData\Local\Programs\Python\Python310\lib\contextlib.py", line 79, in inner
return func(*args, **kwds)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\extensions\sd-webui-EasyPhoto\scripts\easyphoto_train.py", line 90, in easyphoto_train_forward
check_files_exists_and_download(check_hash.get("base", True), "base")
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\extensions\sd-webui-EasyPhoto\scripts\easyphoto_utils\common_utils.py", line 526, in check_files_exists_and_download
if os.path.exists(_filename) and compare_hash_link_file(url, _filename):
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\extensions\sd-webui-EasyPhoto\scripts\easyphoto_utils\common_utils.py", line 541, in compare_hash_link_file
r = requests.head(url)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\requests\api.py", line 100, in head
return request("head", url, **kwargs)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\requests\api.py", line 59, in request
return session.request(method=method, url=url, **kwargs)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\requests\sessions.py", line 589, in request
resp = self.send(prep, **send_kwargs)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\requests\sessions.py", line 703, in send
r = adapter.send(request, **kwargs)
File "C:\Users\mampy\Desktop\GitHub\stable-diffusion-webui\venv\lib\site-packages\requests\adapters.py", line 517, in send
raise SSLError(e, request=request)
requests.exceptions.SSLError: HTTPSConnectionPool(host='pai-aigc-photog.oss-cn-hangzhou.aliyuncs.com', port=443): Max retries exceeded with url: /webui/ChilloutMix-ni-fp16.safetensors (Caused by SSLError(SSLEOFError(8, 'EOF occurred in violation of protocol (_ssl.c:997)')))

The weird thing is that this is not the model I am using (Chilloutmix-Ni-pruned-fp16-fix.safetensors), its even the wrong architecture (SD1.5 vs SDXL). I am choosing the model I want to use (epicrealismXL_v3Leo.safetensors), but the training never starts because I get this SSL issue, apparently during attempting to download an unnecessary extra checkpoint. Whats going on?

Start Generation RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:1 and cuda:0

Traceback (most recent call last):
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\gradio\blocks.py", line 1431, in process_api
result = await self.call_function(
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\gradio\blocks.py", line 1109, in call_function
prediction = await anyio.to_thread.run_sync(
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\anyio\to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\anyio_backends_asyncio.py", line 877, in run_sync_in_worker_thread
return await future
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\anyio_backends_asyncio.py", line 807, in run
result = context.run(func, *args)
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\gradio\utils.py", line 706, in wrapper
response = f(*args, **kwargs)
File "E:\PyCharmProject\EasyPhoto\easyphoto\easyphoto_infer.py", line 385, in easyphoto_infer_forward
fusion_image = image_face_fusion(dict(template=input_image, user=roop_images[index]))[OutputKeys.OUTPUT_IMG] # swap_face(target_img=output_image, source_img=roop_image, model="inswapper_128.onnx", upscale_options=UpscaleOptions())
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\modelscope\pipelines\base.py", line 219, in call
output = self._process_single(input, *args, **kwargs)
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\modelscope\pipelines\base.py", line 254, in process_single
out = self.forward(out, **forward_params)
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\modelscope\pipelines\cv\image_face_fusion_pipeline.py", line 62, in forward
output = self.model.inference(template_img, user_img)
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\modelscope\models\cv\image_face_fusion\image_face_fusion.py", line 243, in inference
mask
= warp_affine_torch(self.mask, trans_inv, (ori_h, ori_w))
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\modelscope\models\cv\image_face_fusion\network\ops.py", line 206, in warp_affine_torch
return F.grid_sample(
File "D:\soft\Miniconda\envs\facechain\lib\site-packages\torch\nn\functional.py", line 4244, in grid_sample
return torch.grid_sampler(input, grid, mode_enum, padding_mode_enum, align_corners)
RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:1 and cuda:0! (when checking argument for argument grid in method wrapper_CUDA__cudnn_grid_sampler)

Doesn't work on windows 10

Traceback (most recent call last):
  File "<frozen runpy>", line 198, in _run_module_as_main
  File "<frozen runpy>", line 88, in _run_code
  File "C:\Users\Ai\.conda\envs\easyphoto\Lib\site-packages\accelerate\commands\launch.py", line 933, in <module>
    main()
  File "C:\Users\Ai\.conda\envs\easyphoto\Lib\site-packages\accelerate\commands\launch.py", line 929, in main
    launch_command(args)
  File "C:\Users\Ai\.conda\envs\easyphoto\Lib\site-packages\accelerate\commands\launch.py", line 900, in launch_command
    args, defaults, mp_from_config_flag = _validate_launch_command(args)
                                          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\Users\Ai\.conda\envs\easyphoto\Lib\site-packages\accelerate\commands\launch.py", line 781, in _validate_launch_command
    defaults = load_config_from_file(args.config_file)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\Users\Ai\.conda\envs\easyphoto\Lib\site-packages\accelerate\commands\config\config_args.py", line 72, in load_config_from_file
    return config_class.from_yaml_file(yaml_file=config_file)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\Users\Ai\.conda\envs\easyphoto\Lib\site-packages\accelerate\commands\config\config_args.py", line 133, in from_yaml_file
    return cls(**config_dict)
           ^^^^^^^^^^^^^^^^^^
TypeError: ClusterConfig.__init__() got an unexpected keyword argument 'debug'
Error executing the command: Command '['C:\\Users\\Ai\\.conda\\envs\\easyphoto\\python.exe', '-m', 'accelerate.commands.launch', '--mixed_precision=fp16', '--main_process_port=3456', 'C:\\Users\\Ai\\Developers\\StableDiffusion\\EasyPhoto\\easyphoto\\train_kohya/train_lora.py', '--pretrained_model_name_or_path=model_data\\Others\\stable-diffusion-v1-5', '--pretrained_model_ckpt=model_data\\Stable-diffusion\\Chilloutmix-Ni-pruned-fp16-fix.safetensors', '--train_data_dir=outputs\\easyphoto-user-id-infos\\oh\\processed_images', '--caption_column=text', '--resolution=512', '--random_flip', '--train_batch_size=1', '--gradient_accumulation_steps=4', '--dataloader_num_workers=0', '--max_train_steps=800', '--checkpointing_steps=100', '--learning_rate=0.0001', '--lr_scheduler=constant', '--lr_warmup_steps=0', '--train_text_encoder', '--seed=42', '--rank=128', '--network_alpha=64', '--validation_prompt=easyphoto_face, easyphoto, 1person', '--validation_steps=100', '--output_dir=outputs\\easyphoto-user-id-infos\\oh\\user_weights', '--logging_dir=outputs\\easyphoto-user-id-infos\\oh\\user_weights', '--enable_xformers_memory_efficient_attention', '--mixed_precision=fp16', '--template_dir=model_data\\training_templates', '--template_mask', '--merge_best_lora_based_face_id', '--merge_best_lora_name=oh', '--cache_log_file=./model_data\\train_kohya_log.txt', '--validation']' returned non-zero exit status 1.

This code doesn't work on Windows.

I feel we need a community!

Nice to meet you! Thank you for the great app. I have been trying to touch this app for a few days and I can't say I am surprised! Now, to the point, this app seems to have many possibilities.

However, there is no place/community to gather collective knowledge.

Why don't we create a community on Discord or something?

Let me know what you think!

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.