diff --git a/quanto-exps-2/benchmark.py b/quanto-exps-2/benchmark.py new file mode 100644 index 0000000000000000000000000000000000000000..0ad3b0c0ee0c4cab2cbfdeb1418b8e3747b99855 --- /dev/null +++ b/quanto-exps-2/benchmark.py @@ -0,0 +1,135 @@ +import argparse +from optimum.quanto import freeze, qfloat8, qint4, qint8, quantize +import torch +import json +import torch.utils.benchmark as benchmark +from diffusers import DiffusionPipeline +import gc + + +WARM_UP_ITERS = 5 +PROMPT = "ghibli style, a fantasy landscape with castles" + +TORCH_DTYPES = {"fp32": torch.float32, "fp16": torch.float16, "bf16": torch.bfloat16} +# QTYPES = {"fp8": qfloat8, "int8": qint8, "int4": qint4, "none": None} +QTYPES = {"fp8": qfloat8, "int8": qint8, "none": None} + +PREFIXES = { + "stabilityai/stable-diffusion-3-medium-diffusers": "sd3", + "PixArt-alpha/PixArt-Sigma-XL-2-1024-MS": "pixart", + "fal/AuraFlow": "auraflow", +} + +def flush(): + """Wipes off memory.""" + gc.collect() + torch.cuda.empty_cache() + torch.cuda.reset_max_memory_allocated() + torch.cuda.reset_peak_memory_stats() + +def load_pipeline(ckpt_id, torch_dtype, qtype=None, exclude_layers=None, qte=False, fuse=False): + pipe = DiffusionPipeline.from_pretrained(ckpt_id, torch_dtype=torch_dtype).to("cuda") + if fuse: + pipe.transformer.fuse_qkv_projections() + + if qtype: + quantize(pipe.transformer, weights=qtype, exclude=exclude_layers) + freeze(pipe.transformer) + + if qte: + quantize(pipe.text_encoder, weights=qtype) + freeze(pipe.text_encoder) + if hasattr(pipe, "text_encoder_2"): + quantize(pipe.text_encoder_2, weights=qtype) + freeze(pipe.text_encoder_2) + if hasattr(pipe, "text_encoder_3"): + quantize(pipe.text_encoder_3, weights=qtype) + freeze(pipe.text_encoder_3) + + pipe.set_progress_bar_config(disable=True) + return pipe + + +def run_inference(pipe, batch_size=1): + _ = pipe( + prompt=PROMPT, + num_images_per_prompt=batch_size, + generator=torch.manual_seed(0), + ) + + +def benchmark_fn(f, *args, **kwargs): + t0 = benchmark.Timer(stmt="f(*args, **kwargs)", globals={"args": args, "kwargs": kwargs, "f": f}) + return f"{(t0.blocked_autorange().mean):.3f}" + + +def bytes_to_giga_bytes(bytes): + return f"{(bytes / 1024 / 1024 / 1024):.3f}" + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--ckpt_id", + type=str, + default="stabilityai/stable-diffusion-3-medium-diffusers", + choices=list(PREFIXES.keys()), + ) + parser.add_argument("--batch_size", type=int, default=1) + parser.add_argument("--torch_dtype", type=str, default="fp16", choices=list(TORCH_DTYPES.keys())) + parser.add_argument("--qtype", type=str, default="none", choices=list(QTYPES.keys())) + parser.add_argument("--qte", type=int, default=0, help="Quantize text encoder") + parser.add_argument("--fuse", type=int, default=0) + parser.add_argument("--exclude_layers", metavar="N", type=str, nargs="*", default=None) + args = parser.parse_args() + + flush() + + print( + f"Running with ckpt_id: {args.ckpt_id}, batch_size: {args.batch_size}, torch_dtype: {args.torch_dtype}, qtype: {args.qtype}, qte: {bool(args.qte)}, {args.exclude_layers=}, {args.fuse=}" + ) + pipeline = load_pipeline( + ckpt_id=args.ckpt_id, + torch_dtype=TORCH_DTYPES[args.torch_dtype], + qtype=QTYPES[args.qtype], + exclude_layers=args.exclude_layers, + qte=args.qte, + fuse=bool(args.fuse), + ) + + for _ in range(WARM_UP_ITERS): + run_inference(pipeline, args.batch_size) + + time = benchmark_fn(run_inference, pipeline, args.batch_size) + torch.cuda.empty_cache() + memory = bytes_to_giga_bytes(torch.cuda.memory_allocated()) # in GBs. + print( + f"ckpt: {args.ckpt_id} batch_size: {args.batch_size}, qte: {args.qte}, {args.exclude_layers=} " + f"torch_dtype: {args.torch_dtype}, qtype: {args.qtype} in {time} seconds and {memory} GBs." + ) + + ckpt_id = PREFIXES[args.ckpt_id] + img_name = f"ckpt@{ckpt_id}-bs@{args.batch_size}-dtype@{args.torch_dtype}-qtype@{args.qtype}-qte@{args.qte}-fuse@{args.fuse}" + if args.exclude_layers: + exclude_layers = "_".join(args.exclude_layers) + img_name += f"-exclude@{exclude_layers}" + image = pipeline( + prompt=PROMPT, + num_images_per_prompt=args.batch_size, + generator=torch.manual_seed(0), + ).images[0] + image.save(f"{img_name}.png") + + info = dict( + batch_size=args.batch_size, + memory=memory, + time=time, + dtype=args.torch_dtype, + qtype=args.qtype, + qte=args.qte, + exclude_layers=args.exclude_layers, + # fuse=args.fuse, + ) + info_file = f"{img_name}_info.json" + with open(info_file, "w") as f: + json.dump(info, f) diff --git a/quanto-exps-2/benchmark_2.py b/quanto-exps-2/benchmark_2.py new file mode 100644 index 0000000000000000000000000000000000000000..f4e8ee2155b94aac6b751d0780a7b405f18eb084 --- /dev/null +++ b/quanto-exps-2/benchmark_2.py @@ -0,0 +1,147 @@ +import argparse +from optimum.quanto import freeze, qfloat8, qint4, qint8, quantize +import torch +import json +import torch.utils.benchmark as benchmark +from diffusers import DiffusionPipeline +import gc + + +WARM_UP_ITERS = 5 +PROMPT = "ghibli style, a fantasy landscape with castles" + +TORCH_DTYPES = {"fp32": torch.float32, "fp16": torch.float16, "bf16": torch.bfloat16} +QTYPES = {"fp8": qfloat8, "int8": qint8, "int4": qint4, "none": None} + +PREFIXES = { + "stabilityai/stable-diffusion-3-medium-diffusers": "sd3", +} + + +def flush(): + """Wipes off memory.""" + gc.collect() + torch.cuda.empty_cache() + torch.cuda.reset_max_memory_allocated() + torch.cuda.reset_peak_memory_stats() + + +def load_pipeline( + ckpt_id, torch_dtype, qtype=None, exclude_layers=None, qte=False, first=False, second=False, third=False +): + pipe = DiffusionPipeline.from_pretrained(ckpt_id, torch_dtype=torch_dtype).to("cuda") + + if qtype: + quantize(pipe.transformer, weights=qtype, exclude=exclude_layers) + freeze(pipe.transformer) + + if qte: + if first: + quantize(pipe.text_encoder, weights=qtype) + freeze(pipe.text_encoder) + if second: + quantize(pipe.text_encoder_2, weights=qtype) + freeze(pipe.text_encoder) + if third: + quantize(pipe.text_encoder_3, weights=qtype) + freeze(pipe.text_encoder_3) + + pipe.set_progress_bar_config(disable=True) + return pipe + + +def run_inference(pipe, batch_size=1): + _ = pipe( + prompt=PROMPT, + num_images_per_prompt=batch_size, + generator=torch.manual_seed(0), + ) + + +def benchmark_fn(f, *args, **kwargs): + t0 = benchmark.Timer(stmt="f(*args, **kwargs)", globals={"args": args, "kwargs": kwargs, "f": f}) + return f"{(t0.blocked_autorange().mean):.3f}" + + +def bytes_to_giga_bytes(bytes): + return f"{(bytes / 1024 / 1024 / 1024):.3f}" + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--ckpt_id", + type=str, + default="stabilityai/stable-diffusion-3-medium-diffusers", + choices=list(PREFIXES.keys()), + ) + parser.add_argument("--batch_size", type=int, default=1) + parser.add_argument("--torch_dtype", type=str, default="fp16", choices=list(TORCH_DTYPES.keys())) + parser.add_argument("--qtype", type=str, default="none", choices=list(QTYPES.keys())) + parser.add_argument("--qte", type=int, default=0, help="Quantize text encoder") + parser.add_argument("--first", type=int, default=0, help="Quantize first text encoder") + parser.add_argument("--second", type=int, default=0, help="Quantize second text encoder") + parser.add_argument("--third", type=int, default=0, help="Quantize third text encoder") + parser.add_argument("--exclude_layers", metavar="N", type=str, nargs="*", default=None) + args = parser.parse_args() + + flush() + + print( + f"Running with ckpt_id: {args.ckpt_id}, batch_size: {args.batch_size}, torch_dtype: {args.torch_dtype}, qtype: {args.qtype}, qte: {bool(args.qte)}" + ) + pipeline = load_pipeline( + ckpt_id=args.ckpt_id, + torch_dtype=TORCH_DTYPES[args.torch_dtype], + qtype=QTYPES[args.qtype], + exclude_layers=args.exclude_layers, + qte=args.qte, + first=args.first, + second=args.second, + third=args.third, + ) + + for _ in range(WARM_UP_ITERS): + run_inference(pipeline, args.batch_size) + + time = benchmark_fn(run_inference, pipeline, args.batch_size) + memory = bytes_to_giga_bytes(torch.cuda.max_memory_allocated()) # in GBs. + print( + f"ckpt: {args.ckpt_id} batch_size: {args.batch_size}, qte: {args.qte}, " + f"torch_dtype: {args.torch_dtype}, qtype: {args.qtype} in {time} seconds and {memory} GBs." + ) + + ckpt_id = PREFIXES[args.ckpt_id] + img_name = f"ckpt@{ckpt_id}-bs@{args.batch_size}-dtype@{args.torch_dtype}-qtype@{args.qtype}-qte@{args.qte}" + if args.exclude_layers: + exclude_layers = "_".join(args.exclude_layers) + img_name += f"-exclude@{exclude_layers}" + if args.first: + img_name += f"-first@{args.first}" + if args.second: + img_name += f"-second@{args.second}" + if args.third: + img_name += f"-third@{args.third}" + + image = pipeline( + prompt=PROMPT, + num_images_per_prompt=args.batch_size, + generator=torch.manual_seed(0), + ).images[0] + image.save(f"{img_name}.png") + + info = dict( + batch_size=args.batch_size, + memory=memory, + time=time, + dtype=args.torch_dtype, + qtype=args.qtype, + qte=args.qte, + exclude_layers=args.exclude_layers, + first=args.first, + second=args.second, + third=args.third, + ) + info_file = f"{img_name}_info.json" + with open(info_file, "w") as f: + json.dump(info, f) diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..87808a7d013e26aafc92060f558b303fa5880526 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b8f951232d7c0c4906265a70beba0f943d91b271e1a113cfb4673efa95aa268 +size 2206164 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..a9854256477c9ba2a6aaa7964fc00cb260780733 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "8.861", "time": "14.298", "dtype": "bf16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..8b9e04afd1330408f2839dcad83ec858a0665d2d --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64cdd76c6353c96cb27e0d54c7f3ab4c8602756df3ece6fe7e77e708dacd2dda +size 2021783 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..56db1d3dd4f4f0b7b7dfdf259ff7d19dd564d8c2 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.783", "time": "14.345", "dtype": "bf16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..9b573fa4cadd39e31c81b974d7518dba3e6a0cb4 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:039756b23af37c8e03fc2741158c52ca9aa729c7d4076312ab7e17253d2654ec +size 2190661 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..12e1e09d2a7b6e9e3319a324ce99256e83b9b4d5 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "8.860", "time": "13.769", "dtype": "bf16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..c7652382fb3e6e040ce4aa9fbd280d797a2ee268 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:906b06ab066976e3bb9c6788bc95e8e7b2a35930945c84232bbc2c4a0379256e +size 2112449 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..bc9e8125de83e4b558fa6ec9612a00918455a272 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.783", "time": "13.779", "dtype": "bf16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..29211467e6279adf1a41a6e419bd3d09d064c8fa --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f97a6b1715cf3609c0db4bac3b60e99a4a7bab23ec83b79d035066f00cb5ca9 +size 2135466 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..22b8dbd9dca07c0f8d7fd3676abe3c023b3c3672 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "15.219", "time": "12.468", "dtype": "bf16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..29211467e6279adf1a41a6e419bd3d09d064c8fa --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f97a6b1715cf3609c0db4bac3b60e99a4a7bab23ec83b79d035066f00cb5ca9 +size 2135466 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..49e92b992a8ca4b3cb672e9e29b38f433cd8a799 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "15.219", "time": "12.485", "dtype": "bf16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..ec7a50d07a82a29cadabc39c8566d5e410489abf --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:193f69c0c71f5b90d650b0ae8af0bb7ad22b085e188d2771d741d2d315ad599a +size 1773620 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..c2ff2d6140e9ede47de6179f3f15dca8920eb643 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "9.466", "time": "14.629", "dtype": "fp16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..67b01df10a4283792621c745addc081eab98b652 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1b9743d48fe4a634c2f6d2e71722df5b8a44fc5e623fe49b79853f829fa61bd +size 1765374 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..8a4425a8484d44f6762e5d11b3dedd839c8cb258 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.920", "time": "14.624", "dtype": "fp16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..d22d92366b82df52921fd6e1f17d6ec7a7136962 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a7a7516545569f468b7e18921651ce86af588b145358548aa13a6f6c5944093 +size 1781089 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..460e6c9ac0b7e3d01aabc9e6806394ab84e4c127 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "9.466", "time": "14.021", "dtype": "fp16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..37fd45ba0988c224f36d939f3977fc1f446cae6b --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c775e6e72f5b81135745293403e1c01b15fc2014178d91d8cc06253487d881c +size 1778322 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..5fdbd8febac7137f617bd013a673d406323e9b98 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.921", "time": "14.031", "dtype": "fp16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..fd7c344554e77691564843ec25f9975e248c93d9 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:548d54495c306ae731e14a48fc452040ef0a6c96a1a22dd279878c4ad5e7629d +size 1775724 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..ef787d01d316fe0177842499156ac849881c4b1f --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "15.821", "time": "12.666", "dtype": "fp16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..fd7c344554e77691564843ec25f9975e248c93d9 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:548d54495c306ae731e14a48fc452040ef0a6c96a1a22dd279878c4ad5e7629d +size 1775724 diff --git a/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..d41cae036d7153fabbbf63a6b85da5b1b7e76b73 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "15.821", "time": "12.648", "dtype": "fp16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..0ad00ca3345f9d4230840b033e784b42e3d4a1e7 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a18c8bef833249c506a404ce3aa1ad9b1e3928923a9025d2597c16d287920a3 +size 2206443 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..55b69128e397f6e5c2cfaf4df60172cc14e5be65 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "8.860", "time": "50.247", "dtype": "bf16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..ce607768b001d32fdb86ebccd36f458b84fcbb47 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b923949f3ee496a4018d1a21ca2c994a5449ac1a04db89affe41fdd1e5ad759f +size 2021731 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..06f70a3bdfd31cb5e6f8dade4f1c425e1552523c --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.783", "time": "50.217", "dtype": "bf16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..934135659b732f361849f3e5a1c53079e5910aad --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f564731cb074da9928e238ad06239b86d758e2a95b59791b6dbfd1bcca8cf0a7 +size 2190669 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..9cda63159df9a481a00188cd49fa6a5837d7b405 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "8.860", "time": "49.705", "dtype": "bf16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..232128cd9378088b29739329b90b335e71acc204 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe6cfd68cee4cccfedbe452618a6f70b4894ae1e2679c286a3495ed66d9b076f +size 2111841 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..b0a8af3905a2a18d259490e1d0f3129dddd69fca --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.784", "time": "49.671", "dtype": "bf16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..e41e94ffdd37eb0eef243bfddc5305c9975b95f1 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4dd9925f11ed7deff3036a5d0813d741196185987542d681b92f4d57ba568ed +size 2135578 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..e3fb2e7df2c016ed3da17504754981200ad22521 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "15.218", "time": "48.483", "dtype": "bf16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..e41e94ffdd37eb0eef243bfddc5305c9975b95f1 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4dd9925f11ed7deff3036a5d0813d741196185987542d681b92f4d57ba568ed +size 2135578 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..a534e4b7de789ed2b874c3a8b071c0d2d24f1798 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "15.219", "time": "48.437", "dtype": "bf16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..ec7a50d07a82a29cadabc39c8566d5e410489abf --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:193f69c0c71f5b90d650b0ae8af0bb7ad22b085e188d2771d741d2d315ad599a +size 1773620 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..b35069490a26f1a8eadbdc6d04132f146f543f83 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "9.467", "time": "51.857", "dtype": "fp16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..67b01df10a4283792621c745addc081eab98b652 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1b9743d48fe4a634c2f6d2e71722df5b8a44fc5e623fe49b79853f829fa61bd +size 1765374 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..ee21e945f8ea3871146bbbab454bac5ef949f423 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.921", "time": "51.903", "dtype": "fp16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..d22d92366b82df52921fd6e1f17d6ec7a7136962 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a7a7516545569f468b7e18921651ce86af588b145358548aa13a6f6c5944093 +size 1781089 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..e3caaece0c97467a19e61074d43beefd7af81ab9 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "9.467", "time": "51.386", "dtype": "fp16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..37fd45ba0988c224f36d939f3977fc1f446cae6b --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c775e6e72f5b81135745293403e1c01b15fc2014178d91d8cc06253487d881c +size 1778322 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..80db55b60152dbc309293559fb3a4a95e5b30d10 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.922", "time": "51.283", "dtype": "fp16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..fd7c344554e77691564843ec25f9975e248c93d9 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:548d54495c306ae731e14a48fc452040ef0a6c96a1a22dd279878c4ad5e7629d +size 1775724 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..4c16354d149819d3e7385d8a6f143a6a25c6e38d --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "15.819", "time": "49.271", "dtype": "fp16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..fd7c344554e77691564843ec25f9975e248c93d9 --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:548d54495c306ae731e14a48fc452040ef0a6c96a1a22dd279878c4ad5e7629d +size 1775724 diff --git a/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..f1d7e57b15e6500f9485ea91d060f7901f633f2f --- /dev/null +++ b/quanto-exps-2/ckpt@auraflow-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "15.819", "time": "49.254", "dtype": "fp16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..0c30f881c8ab75a9e5e27b4bfad83377a8f40c87 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b1514ca3cc4628e8ac480d852c92e346d89cf2de07a8d8e998a6d91925cf748 +size 2000722 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..f566de4316fb6006f54a10e6576098453f7ef829 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "9.672", "time": "1.461", "dtype": "bf16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..d1f4a39bf007d155f02baf7b07ebc38e79ab821d --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4567e8e506168eb75ba712f476607b427eff6961fa30d7b88bd3120dddbd46e +size 1995453 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..59231bf7c589f6c403f76de6b54eef2edfa1a634 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "5.363", "time": "1.495", "dtype": "bf16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..d43e75667e1e848ea44d12ead12ac0c9e0d6369e --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8560a2f7541e8cc6d80d4ef71ab04d7b2aa722272f6bb55d5d75651b4f26a2f0 +size 1769076 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..2e88e9530bfd6ac6e51dff5d6a26803158df280e --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "9.673", "time": "1.426", "dtype": "bf16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..dd4862c713f9f7a29463efa2b0e41ceb300ed537 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b627399b42e0273b7c738dc27d522167f93bea29b94e1f1985439e945f55449 +size 1800818 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..f8ab199d039563845370776a82c16471ddd7b6fc --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "5.364", "time": "1.454", "dtype": "bf16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3b0a04ead203536bd2dda2f70b55ea4652937b9a --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17a78f972a4bb8243f81fecea51cf306dff277b784084df6c953eb688c5864e8 +size 1945432 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..cfa4a16b831193be53d44818e3eeaae0524a05ef --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "10.211", "time": "1.188", "dtype": "bf16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3b0a04ead203536bd2dda2f70b55ea4652937b9a --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17a78f972a4bb8243f81fecea51cf306dff277b784084df6c953eb688c5864e8 +size 1945432 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..b6c9f439ff9a8323d7ca4c160f313fe828984327 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "10.214", "time": "1.186", "dtype": "bf16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..f8f2709cfdb816e8eef6e6ad1bd64772befffe81 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f60c25e8d4f7d586b24cbd4e14cf539a7bde7a5c90991df2b3523e6c0e4d2dc3 +size 1959621 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..cd078010cfd19f22ae973980099f0535e06e6096 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "11.547", "time": "1.540", "dtype": "fp16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..1b901ef347d23d1fbae66ccdb17e2b28627c5d54 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac7b53f1864744be86a55727334e9aa713ce0d3aa30793fccba6ad9dbc741263 +size 1967005 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..71632087d0e694ff0e9183b4abd50f2b2a04f0e4 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "5.363", "time": "1.601", "dtype": "fp16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..deae2ce39aaa2d77ff5bd4146f74de16dfd129ae --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c22da2c093152049295cf648a507579ff226f5a8fea494dcc649fd9518cae0c8 +size 1786520 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..36c85f31cbf2f9b48b3ede140bbac958b471397d --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "11.547", "time": "1.507", "dtype": "fp16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..a8976dbc849370bf36c24f19941a3e37610aaa05 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4e028198746a660ec3510796b7d5431f2e8a755ab8437fd0e9b4048d573a0e4 +size 1795339 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..35f8162acbfca3a55f75c89afac0f5e3699ae0c2 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "5.363", "time": "1.538", "dtype": "fp16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..32e35ddb8b06a3769507f788f173858cb8580cfe --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dfca8d8f7c5e10d3ea22a1533b93b7448a260c8ae0480fc4eaddac28b836be8 +size 1825741 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..4f27d73542003ae6b01c30eb6abcdccbcce80576 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "12.086", "time": "1.217", "dtype": "fp16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..32e35ddb8b06a3769507f788f173858cb8580cfe --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dfca8d8f7c5e10d3ea22a1533b93b7448a260c8ae0480fc4eaddac28b836be8 +size 1825741 diff --git a/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..30760970cf675f62185a9271023f749b3ff62843 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "12.086", "time": "1.218", "dtype": "fp16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3709dfd4e4c8d900496c2cbe81525c91eafa92fb --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b64cb04f368d3deaad66ce21565e49fd1e302995bdf7d47ec7e686c7b27ae66 +size 2000555 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..0235500c7148e6a7f1d62694385686c0f5df7fd6 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "9.673", "time": "5.031", "dtype": "bf16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..61720f6eb65466bb2c2c2f3058ba54a81b154bac --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5d89a75f6897a9d8acd655fe80fb32ab9f0b0d643e45eb1c72f8a79f8a69118 +size 1995471 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..18879d35f68b42876a7934e501056603e852966a --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "5.365", "time": "5.061", "dtype": "bf16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..599462914876dc9972584e8dbb254201516c9414 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58d78ce90e1d39078c058beaa666320e44ff77c286723f34cf5efbe0da54c426 +size 1769078 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..57947bce46f6f34e1fee1697d1d9cf26df0c0f75 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "9.673", "time": "5.033", "dtype": "bf16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3dcd50137c4c2726471b51dc44a4e5fd7d07e057 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1407069f1e98b0549f73c48f17dcc497e5dcaf6c7d3da5666fae6bea8b4fd50 +size 1800794 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..c90c6e7518745ec405be3aeb7a44d7497d46d006 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "5.365", "time": "5.022", "dtype": "bf16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..6858033bd3ccd4183a7cb4a90032f901dc7b26c7 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd5b4dd03c95ac11547d3ae1c1c33f20ec90167c36f022a23c54ebaa8f5ddb20 +size 1945422 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..6511b69fc8f2edc2c24f543f18b2f8f7537fba65 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "10.214", "time": "4.375", "dtype": "bf16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..6858033bd3ccd4183a7cb4a90032f901dc7b26c7 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd5b4dd03c95ac11547d3ae1c1c33f20ec90167c36f022a23c54ebaa8f5ddb20 +size 1945422 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..27a2451557d1f7ea3baca098a681da15cfaa157f --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "10.214", "time": "4.364", "dtype": "bf16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..0bebea7bd924b792ffdf36480f78c433c4520903 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:698472b3afe1a3747043b4e09d1e9040a17c374cd612c2639d19ec5c170f0a21 +size 1959514 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..bed43dbaea731e6a8bf51e9c67efdde7a2ec81a0 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "11.548", "time": "5.109", "dtype": "fp16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..d0510586ec4163209d97a020297c7b1a1bc27b70 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fa20beb4f2cda43d293fb2c6cfb14a7ce1b0fa6267e5545314ae31e3f30cd57 +size 1967059 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..0131d1b84c92bfdbe8dd183a3c8feffcd28d5ecf --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "5.364", "time": "5.141", "dtype": "fp16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..f82edb7ce59bb9fd70b5421d86c74c73496d6ebb --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e9d9c8a9ab559572c6a8310c78cd2d1407d5e212399b0133cc409bb7a6788b0 +size 1786517 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..0bb534e54c17fc1e9524880fca95e20663b6fd87 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "11.547", "time": "5.088", "dtype": "fp16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..1a9c40bf80455c5dc62670b1d580fbc793448599 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58d2990afa885b44df8244d1f8952204b59041ac16d6336e9e51aff2b96693a0 +size 1795341 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..2a9540b453f99da6b4931057a8dbed2842ca20cc --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "5.365", "time": "5.129", "dtype": "fp16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..a3c0866a1466b8c0feccf23f99509d673ee17f43 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4758c874767c84f2618a16690501babbdac5b074ca090806b4ff8e3068cb8210 +size 1825755 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..6119b5b7b66e25dfd03f45eaa149b3ffbf4f8643 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "12.087", "time": "4.482", "dtype": "fp16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..a3c0866a1466b8c0feccf23f99509d673ee17f43 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4758c874767c84f2618a16690501babbdac5b074ca090806b4ff8e3068cb8210 +size 1825755 diff --git a/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..528b4daca658ec350e854418835e863e070c1814 --- /dev/null +++ b/quanto-exps-2/ckpt@pixart-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "12.087", "time": "4.497", "dtype": "fp16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..6fa223db9891e5026ae2446cf2ccd1137deaf49d --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57857fbd96450ad590411061e8c5347dd8b02dd5a47f9ac8202e31cdc291fa8b +size 1606017 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..bcff3a8cceac48bd3997f4c0d50b63e9094f88d0 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "12.635", "time": "2.685", "dtype": "bf16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..9ff972cce88648d9015c16ee1c8e77d95888ed45 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79238174f0b3e2441720c46339b8cce2c8be2c19a1507831e726b51b8bbe3b82 +size 3129 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..13c2c52bfd4f6a8e57c12c17426c25843dd15d7c --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.630", "time": "2.767", "dtype": "bf16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..6eb80a072f7da9a016ec0a6d2c9989218e4450ed --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65393da60210394c0dfb7bf1ec1856e5569ee90a8bab15df7c473e73e02a18c9 +size 1536367 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..3062cb327ba9d39a20ab76594ba823a1c6aa10d2 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "12.600", "time": "2.566", "dtype": "bf16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..fb161c63eab9821398b50d59c2a32814d91ffbbf --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:818b9445954f49d6d2609dcd6eaba8fc3780c6b699569bb3185137385b7271c9 +size 1514179 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..74fe73d4188af466bae4c7c07dc4f4af14ec9da1 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.634", "time": "2.641", "dtype": "bf16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..530a3e7436364be2274d23e8303fd85c67ddd998 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c6a4f204be18f55aace4af10ae14658466ace5b5c78a7f3a54d693ba6594b3f +size 1618561 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..3ac2098915ad257907a65083cdb0ac2aa4a062f9 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "14.560", "time": "2.094", "dtype": "bf16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..530a3e7436364be2274d23e8303fd85c67ddd998 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c6a4f204be18f55aace4af10ae14658466ace5b5c78a7f3a54d693ba6594b3f +size 1618561 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..d4c47a540d497efdd6c391c366f5610060e35f3f --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@bf16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "14.528", "time": "2.086", "dtype": "bf16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..49624e30ae96f626e6162aa13025d0c3299778cd --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e6a5b6e0e3e8f7a6476bde1b5e43a7767fb59f1b37c46d3ee225ce19cdd53bd +size 1479290 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..3619c05b370f4072a06479bf432ad8b362a69555 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "14.474", "time": "2.708", "dtype": "fp16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..9ff972cce88648d9015c16ee1c8e77d95888ed45 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79238174f0b3e2441720c46339b8cce2c8be2c19a1507831e726b51b8bbe3b82 +size 3129 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..547ed2186a75f434492c1b43f51532ea93c9b6de --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.630", "time": "2.803", "dtype": "fp16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..7ffc15c96340bdfe13fc05808a8dd0e271b95f71 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64735c7d129b3ffed4b3d9321ef36953d475d24218308ab45dd698d17f9d78d0 +size 1500492 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..3fcd326b1cf81fea18fd113b70312c4c77de07b4 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "14.473", "time": "2.588", "dtype": "fp16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..9d87e4e468b2a8a83a0c33b248f76a3c73bcb7c0 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebc32e22e98c517ee5485c08a17bfd405047bcae9b0f3aba74468b53ce065184 +size 1494810 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..0c7083bd694a9e272e5d6735bad326fe7709d133 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "7.630", "time": "2.655", "dtype": "fp16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3e839ae6fbdf96a90fe791e37f7eb8da895f7fd8 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddcdd860f9bf955af69bbd301eac9fd3dabfd58179ee041107351f9096427f18 +size 1487177 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..05a9146ad8b92252a1c67b39401af5584690a4ca --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "16.403", "time": "2.118", "dtype": "fp16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3e839ae6fbdf96a90fe791e37f7eb8da895f7fd8 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddcdd860f9bf955af69bbd301eac9fd3dabfd58179ee041107351f9096427f18 +size 1487177 diff --git a/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..7caebe270788abea71e10b873c3006c489b2ac61 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@1-dtype@fp16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 1, "memory": "16.401", "time": "2.130", "dtype": "fp16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..1dcd188eba36e891e68481cdada3d9e42c661e4f --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb30f28118ebe8102fa23ad570df0ebd763a32aedd8aa014892270c1d71b8f61 +size 1605942 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..6dab9a100030e19bc3119805efd5a5d172eca619 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "12.631", "time": "8.478", "dtype": "bf16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..9ff972cce88648d9015c16ee1c8e77d95888ed45 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79238174f0b3e2441720c46339b8cce2c8be2c19a1507831e726b51b8bbe3b82 +size 3129 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..2468978ef108ec34f88f6f2182c3b4adc912646c --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.631", "time": "8.328", "dtype": "bf16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..e63a91d8d78502f52d93f98c8394d6c70f501781 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76ffd161278029d4fe781501b63ba79f18939236578bc5061f7479a5d8553dcc +size 1536407 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..6e2e1f8dac9ba01f00000b82d8adfdf64ae83048 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "12.600", "time": "8.409", "dtype": "bf16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..c18dcebd0b7e52db18b67815c40b34a137e4e365 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97ea97204787f5aaa233ca150fdf3e7cb9f2b184ebef39b02c63889aed5417aa +size 1514239 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..826f4d547f83da8bf00dcb873730f178e5fcc129 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.627", "time": "8.437", "dtype": "bf16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..e737fe9dd36b1d3b5aa40e0e529e9e4bdc8091c4 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:153b1477162c0aa305d745b2ba012cb75ae347159dfff62ea4a9f6c8f1abdc08 +size 1592538 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..e74f438267767a37fa5bdd02501c10cfcb7a869b --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "14.522", "time": "7.400", "dtype": "bf16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..e737fe9dd36b1d3b5aa40e0e529e9e4bdc8091c4 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:153b1477162c0aa305d745b2ba012cb75ae347159dfff62ea4a9f6c8f1abdc08 +size 1592538 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..98b95625d833f590abc6835ae5a10e94322d5dc8 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@bf16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "14.527", "time": "7.382", "dtype": "bf16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..4e6c1c654ef6e01445c35942e4265d1ddd598f9a --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf7be3cde79ea0f0fe84e2f218f768ae04756272167a391483c346af6608827c +size 1479266 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..ed7825ca1ec79a6dc613fc054e239800444cb448 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "14.504", "time": "8.685", "dtype": "fp16", "qtype": "fp8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..9ff972cce88648d9015c16ee1c8e77d95888ed45 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79238174f0b3e2441720c46339b8cce2c8be2c19a1507831e726b51b8bbe3b82 +size 3129 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..d06b1476a7aed887a54ae0808b59f932304d3ecf --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@fp8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.631", "time": "8.339", "dtype": "fp16", "qtype": "fp8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..32beb538948c195573a637b7afd714ce5028d863 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4aad19b81d8e461f33192a2decf05b27d40bdff2d5c76b5dff5637e017c49d04 +size 1500503 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..fc0be9e797149e39c701672fa9719859276988a8 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "14.473", "time": "8.549", "dtype": "fp16", "qtype": "int8", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..8b9c5b1940851ee1b4526b8b1a871edd0148ade6 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:253115c6fc4631f95e20bed4fc143057760c012130b2cd1f1f611c6a6780779c +size 1494823 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..d4c0cb1a4c5a62ddafc15497712be150071e701b --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@int8-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "7.631", "time": "8.653", "dtype": "fp16", "qtype": "int8", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3ecbdfe679b5f519c529e74b0f0ac6a6e7024147 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:860f7ff006cb49eb9cfd8f190725df0c66dfc9e38ddb36637842be8f49e43f9e +size 1487197 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..47d4380a4c87386c8fefac2eb9f7b60881ab480b --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@0-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "16.400", "time": "7.575", "dtype": "fp16", "qtype": "none", "qte": 0, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png new file mode 100644 index 0000000000000000000000000000000000000000..3ecbdfe679b5f519c529e74b0f0ac6a6e7024147 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:860f7ff006cb49eb9cfd8f190725df0c66dfc9e38ddb36637842be8f49e43f9e +size 1487197 diff --git a/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json new file mode 100644 index 0000000000000000000000000000000000000000..d5197278b8efd5a12e1d161ffd08bd1baa828a94 --- /dev/null +++ b/quanto-exps-2/ckpt@sd3-bs@4-dtype@fp16-qtype@none-qte@1-fuse@0_info.json @@ -0,0 +1 @@ +{"batch_size": 4, "memory": "16.401", "time": "7.584", "dtype": "fp16", "qtype": "none", "qte": 1, "exclude_layers": null} \ No newline at end of file diff --git a/quanto-exps-2/launch_exps.sh b/quanto-exps-2/launch_exps.sh new file mode 100644 index 0000000000000000000000000000000000000000..2b79a8de7f9ddd0b6ed30b4425ef12f153d178e7 --- /dev/null +++ b/quanto-exps-2/launch_exps.sh @@ -0,0 +1,29 @@ +#!/bin/bash + +# Possible values for each argument +ckpt_ids=("stabilityai/stable-diffusion-3-medium-diffusers" "PixArt-alpha/PixArt-Sigma-XL-2-1024-MS" "fal/AuraFlow") +batch_sizes=(1 4) +torch_dtypes=("fp16" "bf16") +qtypes=("fp8" "int8" "none") +qte=(0 1) + +# Loop over all combinations +for ckpt_id in "${ckpt_ids[@]}"; do + for batch_size in "${batch_sizes[@]}"; do + for torch_dtype in "${torch_dtypes[@]}"; do + for qtype in "${qtypes[@]}"; do + for te in "${qte[@]}"; do + # Adjust the qtype argument if it's "None" + if [ "$qtype" == "none" ]; then + q_arg="" + else + q_arg="--qtype $qtype" + fi + + # Run the Python script with the current combination of arguments + python3 benchmark.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te + done + done + done + done +done diff --git a/quanto-exps-2/launch_exps_2.sh b/quanto-exps-2/launch_exps_2.sh new file mode 100644 index 0000000000000000000000000000000000000000..62132f7fa91018407df6fff12e115b864f24a3ba --- /dev/null +++ b/quanto-exps-2/launch_exps_2.sh @@ -0,0 +1,29 @@ +#!/bin/bash + +# Possible values for each argument +ckpt_ids=("stabilityai/stable-diffusion-3-medium-diffusers" "PixArt-alpha/PixArt-Sigma-XL-2-1024-MS" "fal/AuraFlow") +batch_sizes=(1 4) +torch_dtypes=("fp16" "bf16") +qtypes=("int4") +qte=(0 1) + +# Loop over all combinations +for ckpt_id in "${ckpt_ids[@]}"; do + for batch_size in "${batch_sizes[@]}"; do + for torch_dtype in "${torch_dtypes[@]}"; do + for qtype in "${qtypes[@]}"; do + for te in "${qte[@]}"; do + # Adjust the qtype argument if it's "None" + if [ "$qtype" == "none" ]; then + q_arg="" + else + q_arg="--qtype $qtype" + fi + + # Run the Python script with the current combination of arguments + python3 benchmark.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --exclude_layers=proj_out + done + done + done + done +done diff --git a/quanto-exps-2/launch_exps_3.sh b/quanto-exps-2/launch_exps_3.sh new file mode 100644 index 0000000000000000000000000000000000000000..31997ba93b5e040c626587252ea09cb223199909 --- /dev/null +++ b/quanto-exps-2/launch_exps_3.sh @@ -0,0 +1,34 @@ +#!/bin/bash + +# Possible values for each argument +ckpt_ids=("stabilityai/stable-diffusion-3-medium-diffusers") +batch_sizes=(1 4) +torch_dtypes=("fp16" "bf16") +qtypes=("fp8" "int8") +qte=(1) + +# Loop over all combinations +for ckpt_id in "${ckpt_ids[@]}"; do + for batch_size in "${batch_sizes[@]}"; do + for torch_dtype in "${torch_dtypes[@]}"; do + for qtype in "${qtypes[@]}"; do + for te in "${qte[@]}"; do + # Adjust the qtype argument if it's "None" + if [ "$qtype" == "none" ]; then + q_arg="" + else + q_arg="--qtype $qtype" + fi + + # Run the Python script with the current combination of arguments + python3 benchmark.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te + python3 benchmark_2.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --first 1 + python3 benchmark_2.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --second 1 + python3 benchmark_2.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --third 1 + python3 benchmark_2.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --first 1 --second 1 + python3 benchmark_2.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --first 1 --second 1 --third 1 + done + done + done + done +done diff --git a/quanto-exps-2/launch_exps_4.sh b/quanto-exps-2/launch_exps_4.sh new file mode 100644 index 0000000000000000000000000000000000000000..a680e4c4e940e89cdea837b579cec3aab473e358 --- /dev/null +++ b/quanto-exps-2/launch_exps_4.sh @@ -0,0 +1,30 @@ +#!/bin/bash + +# Possible values for each argument +ckpt_ids=("stabilityai/stable-diffusion-3-medium-diffusers") +batch_sizes=(1 4) +torch_dtypes=("fp16" "bf16") +qtypes=("fp8") +qte=(1) + +# Loop over all combinations +for ckpt_id in "${ckpt_ids[@]}"; do + for batch_size in "${batch_sizes[@]}"; do + for torch_dtype in "${torch_dtypes[@]}"; do + for qtype in "${qtypes[@]}"; do + for te in "${qte[@]}"; do + # Adjust the qtype argument if it's "None" + if [ "$qtype" == "none" ]; then + q_arg="" + else + q_arg="--qtype $qtype" + fi + + # Run the Python script with the current combination of arguments + python3 benchmark_2.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --first 0 --second 1 --third 0 + python3 benchmark_2.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te --first 0 --second 0 --third 1 + done + done + done + done +done diff --git a/quanto-exps-2/launch_exps_5.sh b/quanto-exps-2/launch_exps_5.sh new file mode 100644 index 0000000000000000000000000000000000000000..312a70c068ef88a47082fb7abcc28e41833910e7 --- /dev/null +++ b/quanto-exps-2/launch_exps_5.sh @@ -0,0 +1,35 @@ +#!/bin/bash + +# Possible values for each argument +ckpt_ids=("stabilityai/stable-diffusion-3-medium-diffusers") +batch_sizes=(1 4) +torch_dtypes=("fp16" "bf16") +qtypes=("int4") +exclude_layers=("none" "proj_out") +qte=(0 1) + +# Loop over all combinations +for ckpt_id in "${ckpt_ids[@]}"; do + for batch_size in "${batch_sizes[@]}"; do + for torch_dtype in "${torch_dtypes[@]}"; do + for qtype in "${qtypes[@]}"; do + for te in "${qte[@]}"; do + for exclude_layer in "${exclude_layers[@]}"; do + if [ "$qtype" == "none" ]; then + q_arg="" + else + q_arg="--qtype $qtype" + fi + if [ "$exclude_layer" == "none" ]; then + layers_arg="" + else + layers_arg="--exclude_layers $exclude_layer" + fi + # Run the Python script with the current combination of arguments + python3 benchmark.py --ckpt_id $ckpt_id --batch_size $batch_size --torch_dtype $torch_dtype $q_arg --qte $te $layers_arg + done + done + done + done + done +done