siliconflow / onediff

OneDiff: An out-of-the-box acceleration library for diffusion models.
https://github.com/siliconflow/onediff/wiki
Apache License 2.0
1.61k stars 99 forks source link

Error when running comfyUI using the official instantid workflow #941

Closed chenbaiyujason closed 2 months ago

chenbaiyujason commented 3 months ago

File "/root/autodl-tmp/ComfyUI/comfy/ldm/modules/attention.py", line 568, in forward n = attn2_replace_patch[block_attn2](n, context_attn2, value_attn2, extra_options) File "/root/autodl-tmp/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/oneflow/infer_compiler_registry/register_comfy/CrossAttentionPatch.py", line 54, in call out = out + callback(out, q, k, v, extra_options, optimized_attention=self.optimized_attention, self.kwargs[i], patch_kwargs[i]) File "/root/autodl-tmp/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/oneflow/infer_compiler_registry/register_comfy/CrossAttentionPatch.py", line 155, in ipadapter_attention k_cond = ipadapter.ip_layers.to_kvsk_key.repeat(batch_prompt, 1, 1) File "/root/miniconda3/envs/worker/lib/python3.10/site-packages/oneflow/nn/utils/container.py", line 204, in getitem return self._modules[key] KeyError: '_to_k_ip'

ccssu commented 3 months ago

File "/root/autodl-tmp/ComfyUI/comfy/ldm/modules/attention.py", line 568, in forward n = attn2_replace_patch[block_attn2](n, context_attn2, value_attn2, extra_options) File "/root/autodl-tmp/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/oneflow/infer_compiler_registry/register_comfy/CrossAttentionPatch.py", line 54, in call out = out + callback(out, q, k, v, extra_options, optimized_attention=self.optimized_attention, self.kwargs[i], patch_kwargs[i]) File "/root/autodl-tmp/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/oneflow/infer_compiler_registry/register_comfy/CrossAttentionPatch.py", line 155, in ipadapter_attention k_cond = ipadapter.ip_layers.to_kvsk_key.repeat(batch_prompt, 1, 1) File "/root/miniconda3/envs/worker/lib/python3.10/site-packages/oneflow/nn/utils/container.py", line 204, in getitem return self._modules[key] KeyError: '_to_k_ip'

看报错是 安装问题, 安装请参考如下 @chenbaiyujason

配置教程 notebook Open In Kaggle
image

下图 代表是测试工作流 workflow (15)

chenbaiyujason commented 3 months ago

Error occurred when executing KSampler:

_to_k_ip

from user code: File "/app/ComfyUI/comfy/ldm/modules/diffusionmodules/openaimodel.py", line 852, in forward h = forward_timestep_embed(module, h, emb, context, transformer_options, time_context=time_context, num_video_frames=num_video_frames, image_only_indicator=image_only_indicator) File "/app/ComfyUI/comfy/ldm/modules/diffusionmodules/openaimodel.py", line 44, in forward_timestep_embed x = layer(x, context, transformer_options) File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(*args, *kwargs) File "/app/ComfyUI/comfy/ldm/modules/attention.py", line 644, in forward x = block(x, context=context[i], transformer_options=transformer_options) File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(args, **kwargs) File "/app/ComfyUI/comfy/ldm/modules/attention.py", line 568, in forward n = attn2_replace_patch[block_attn2](n, context_attn2, value_attn2, extra_options) File "/app/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/nexfort/hijack_ipadapter_plus/CrossAttentionPatch.py", line 52, in call out = out + callback( File "/app/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/nexfort/hijack_ipadapter_plus/CrossAttentionPatch.py", line 178, in ipadapter_attention k_cond = ipadapter.ip_layers.to_kvsk_key.repeat(batch_prompt, 1, 1)

Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information

You can suppress this exception and fall back to eager by setting: import torch._dynamo torch._dynamo.config.suppress_errors = True

File "/app/ComfyUI/execution.py", line 151, in recursive_execute output_data, output_ui = get_output_data(obj, input_data_all) File "/app/ComfyUI/execution.py", line 81, in get_output_data return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True) File "/app/ComfyUI/execution.py", line 74, in map_node_over_list results.append(getattr(obj, func)(slice_dict(input_data_all, i))) File "/app/ComfyUI/nodes.py", line 1344, in sample return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise) File "/app/ComfyUI/nodes.py", line 1314, in common_ksampler samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, File "/app/ComfyUI/custom_nodes/ComfyUI-Impact-Pack/modules/impact/sample_error_enhancer.py", line 22, in informative_sample raise e File "/app/ComfyUI/custom_nodes/ComfyUI-Impact-Pack/modules/impact/sample_error_enhancer.py", line 9, in informative_sample return original_sample(args, kwargs) # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations. File "/app/ComfyUI/comfy/sample.py", line 37, in sample samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed) File "/app/ComfyUI/comfy/samplers.py", line 761, in sample return sample(self.model, noise, positive, negative, cfg, self.device, sampler, sigmas, self.model_options, latent_image=latent_image, denoise_mask=denoise_mask, callback=callback, disable_pbar=disable_pbar, seed=seed) File "/app/ComfyUI/comfy/samplers.py", line 663, in sample return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) File "/app/ComfyUI/comfy/samplers.py", line 650, in sample output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) File "/app/ComfyUI/comfy/samplers.py", line 629, in inner_sample samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar) File "/app/ComfyUI/comfy/samplers.py", line 534, in sample samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, self.extra_options) File "/usr/local/lib/python3.10/dist-packages/torch/utils/_contextlib.py", line 115, in decorate_context return func(args, kwargs) File "/app/ComfyUI/comfy/k_diffusion/sampling.py", line 754, in sample_ddpm return generic_step_sampler(model, x, sigmas, extra_args, callback, disable, noise_sampler, DDPMSampler_step) File "/app/ComfyUI/comfy/k_diffusion/sampling.py", line 743, in generic_step_sampler denoised = model(x, sigmas[i] * s_in, extra_args) File "/app/ComfyUI/comfy/samplers.py", line 272, in call out = self.inner_model(x, sigma, model_options=model_options, seed=seed) File "/app/ComfyUI/comfy/samplers.py", line 616, in call return self.predict_noise(*args, *kwargs) File "/app/ComfyUI/comfy/samplers.py", line 619, in predict_noise return sampling_function(self.inner_model, x, timestep, self.conds.get("negative", None), self.conds.get("positive", None), self.cfg, model_options=model_options, seed=seed) File "/app/ComfyUI/comfy/samplers.py", line 258, in sampling_function out = calc_cond_batch(model, conds, x, timestep, model_options) File "/app/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/sd_hijack_utils.py", line 58, in hijacked_method return self(args, kwargs) File "/app/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/sd_hijack_utils.py", line 93, in call return sub_func(self._orig_func, *args, kwargs) File "/app/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/nexfort/hijack_samplers.py", line 137, in calc_cond_batch_of output = model.apply_model(inputx, timestep, c).chunk(batch_chunks) File "/app/ComfyUI/comfy/model_base.py", line 97, in apply_model model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, extra_conds).float() File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, *kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(args, kwargs) File "/usr/local/lib/python3.10/dist-packages/onediff/infer_compiler/backends/nexfort/deployable_module.py", line 22, in forward return self._deployable_module_model(*args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, *kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/eval_frame.py", line 416, in _fn return fn(*args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, *kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 981, in catch_errors return callback(frame, cache_entry, hooks, frame_state, skip=1) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 822, in _convert_frame result = inner_convert( File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 410, in _convert_frame_assert return _compile( File "/usr/local/lib/python3.10/dist-packages/torch/_utils_internal.py", line 70, in wrapper_function return function(*args, kwargs) File "/usr/lib/python3.10/contextlib.py", line 79, in inner return func(*args, *kwds) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 732, in _compile raise InternalTorchDynamoError(str(e)).with_traceback( File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 703, in _compile guarded_code = compile_inner(code, one_graph, hooks, transform) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/utils.py", line 273, in time_wrapper r = func(args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 570, in compile_inner out_code = transform_code_object(code, transform) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/bytecode_transformation.py", line 1167, in transform_code_object transformations(instructions, code_options) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 172, in _fn return fn(*args, *kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/convert_frame.py", line 517, in transform tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2234, in run super().run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 1306, in CALL_FUNCTION_KW self.call_function(fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 737, in call_function self.push(fn.call_function(self, args, kwargs)) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 293, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 90, in call_function return tx.inline_user_function_return(self, [self.self_args(), args], kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 743, in inline_user_function_return return InliningInstructionTranslator.inline_call(self, fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2448, in inline_call return cls.inlinecall(parent, func, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2564, in inlinecall tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 1253, in CALL_FUNCTION self.call_function(fn, args, {}) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 737, in call_function self.push(fn.call_function(self, args, kwargs)) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/nn_module.py", line 353, in call_function return tx.inline_user_function_return( File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 743, in inline_user_function_return return InliningInstructionTranslator.inline_call(self, fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2448, in inline_call return cls.inlinecall(parent, func, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2564, in inlinecall tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 1294, in CALL_FUNCTION_EX self.call_function(fn, argsvars.items, kwargsvars) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 737, in call_function self.push(fn.call_function(self, args, kwargs)) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 339, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 293, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 90, in call_function return tx.inline_user_function_return(self, [self.self_args(), args], kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 743, in inline_user_function_return return InliningInstructionTranslator.inline_call(self, fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2448, in inline_call return cls.inlinecall(parent, func, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2564, in inlinecall tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 1306, in CALL_FUNCTION_KW self.call_function(fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 737, in call_function self.push(fn.call_function(self, args, kwargs)) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/nn_module.py", line 353, in call_function return tx.inline_user_function_return( File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 743, in inline_user_function_return return InliningInstructionTranslator.inline_call(self, fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2448, in inline_call return cls.inlinecall(parent, func, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2564, in inlinecall tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 1294, in CALL_FUNCTION_EX self.call_function(fn, argsvars.items, kwargsvars) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 737, in call_function self.push(fn.call_function(self, args, kwargs)) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 339, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 293, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 90, in call_function return tx.inline_user_function_return(self, [self.self_args(), args], kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 743, in inline_user_function_return return InliningInstructionTranslator.inline_call(self, fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2448, in inline_call return cls.inlinecall(parent, func, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2564, in inlinecall tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 1253, in CALL_FUNCTION self.call_function(fn, args, {}) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 737, in call_function self.push(fn.call_function(self, args, kwargs)) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/lazy.py", line 132, in realize_and_forward return getattr(self.realize(), name)(args, *kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/user_defined.py", line 786, in call_function return self.call_method(tx, "call", args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/user_defined.py", line 638, in call_method return UserMethodVariable(method, self, source=source).call_function( File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 339, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 293, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 90, in call_function return tx.inline_user_function_return(self, [self.self_args(), args], kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 743, in inline_user_function_return return InliningInstructionTranslator.inline_call(self, fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2448, in inline_call return cls.inlinecall(parent, func, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2564, in inlinecall tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 1294, in CALL_FUNCTION_EX self.call_function(fn, argsvars.items, kwargsvars) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 737, in call_function self.push(fn.call_function(self, args, kwargs)) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 293, in call_function return super().call_function(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/functions.py", line 90, in call_function return tx.inline_user_function_return(self, [self.self_args(), args], kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 743, in inline_user_function_return return InliningInstructionTranslator.inline_call(self, fn, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2448, in inline_call return cls.inlinecall(parent, func, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 2564, in inlinecall tracer.run() File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 884, in run while self.step(): File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 799, in step self.dispatch_table[inst.opcode](self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 494, in wrapper return inner_fn(self, inst) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/symbolic_convert.py", line 231, in impl self.push(fn_var.call_function(self, self.popn(nargs), {})) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/builtin.py", line 946, in call_function return handler(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/builtin.py", line 830, in builtin_dipatch rv = fn(tx, args, kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/builtin.py", line 750, in call_self_handler result = self_handler(tx, args, **kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/builtin.py", line 1346, in call_getitem return args[0].call_method(tx, "getitem", args[1:], kwargs) File "/usr/local/lib/python3.10/dist-packages/torch/_dynamo/variables/nn_module.py", line 624, in call_method submod = module[key] File "/usr/local/lib/python3.10/dist-packages/torch/nn/modules/container.py", line 461, in getitem return self._modules[key] There are still questions

strint commented 2 months ago

File "/app/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/nexfort/hijack_ipadapter_plus/CrossAttentionPatch.py", line 52, in call

Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information You can suppress this exception and fall back to eager by setting: import torch._dynamo torch._dynamo.config.suppress_errors = True

@chenbaiyujason @ccssu here is using nexfort backend?

ccssu commented 2 months ago

nexfort currently has poor compatibility during testing and deep binding with Torch, IPA, and Confyui versions, so it is not recommended to use it temporarily, @chenbaiyujason

Recommend use OneFlow backend

swmtjy commented 2 months ago

nexfort currently has poor compatibility during testing and deep binding with Torch, IPA, and Confyui versions, so it is not recommended to use it temporarily, @chenbaiyujason

Recommend use OneFlow backend

File "/app/ComfyUI/custom_nodes/onediff_comfy_nodes/modules/nexfort/hijack_ipadapter_plus/CrossAttentionPatch.py", line 52, in call

Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information You can suppress this exception and fall back to eager by setting: import torch._dynamo torch._dynamo.config.suppress_errors = True

@chenbaiyujason @ccssu here is using nexfort backend?

同样遇到了这个问题,在更新最近代码后也报错,上面的方案没能解决。https://github.com/siliconflow/onediff/issues/1010#issue-2405062448

Shiyao-Huang commented 2 months ago

解决方案: ip-adapter 版本、onediff 版本升级到最新版本。 升级后清除comfyUI缓存。