├── .github ├── merge_rules.yaml ├── pytorch-probot.yml ├── scripts │ ├── ci_test_xpu.sh │ ├── github_utils.py │ ├── gitutils.py │ ├── label_utils.py │ ├── torchao_model_releases │ │ ├── README.md │ │ ├── eval.sh │ │ ├── eval_env_checks.sh │ │ ├── eval_latency.sh │ │ ├── eval_memory.sh │ │ ├── eval_mm_quality.sh │ │ ├── eval_peak_memory_usage.py │ │ ├── eval_quality.sh │ │ ├── quantize_and_upload.py │ │ ├── release.sh │ │ └── summarize_results.sh │ ├── trymerge.py │ ├── trymerge_explainer.py │ └── validate_binaries.sh └── workflows │ ├── 1xH100_tests.yml │ ├── 1xL4_tests.yml │ ├── 4xH100_tests.yml │ ├── build_wheels_linux.yml │ ├── dashboard_perf_test.yml │ ├── doc_build.yml │ ├── nightly_smoke_test.yml │ ├── pr-label-check.yml │ ├── regression_test.yml │ ├── regression_test_aarch64.yml │ ├── regression_test_rocm.yml │ ├── release_model.yml │ ├── ruff_linter.yml │ ├── run_microbenchmarks.yml │ ├── run_tutorials.yml │ ├── trymerge.yml │ ├── validate-binaries.yml │ └── xpu_test.yml ├── .gitignore ├── .gitmodules ├── .pre-commit-config.yaml ├── CITATION.cff ├── CODEOWNERS ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── benchmarks ├── __init__.py ├── _models │ ├── eval_hf_models.py │ └── eval_hf_models.sh ├── benchmark_aq.py ├── benchmark_blockwise_scaled_linear_triton.py ├── benchmark_e2e_fp8_sparse_linear.py ├── benchmark_fp6.py ├── benchmark_gpu_sparsity.py ├── benchmark_hqq.py ├── benchmark_low_bit_adam.py ├── benchmark_marlin_qqq.py ├── benchmark_rowwise_scaled_linear_cutlass.py ├── benchmark_rowwise_scaled_linear_sparse_cutlass.py ├── benchmark_semi_sparse_training.py ├── benchmark_sparse_conversion_cutlass.py ├── benchmark_uintx.py ├── dashboard │ ├── ci_microbenchmark_runner.py │ └── microbenchmark_quantization_config.yml ├── float8 │ ├── bench_linear_float8.py │ ├── bench_matmul.py │ ├── bench_padding.py │ ├── float8_inference_roofline.py │ ├── float8_roofline.py │ ├── profile_lowp_training.py │ ├── training │ │ ├── README.md │ │ ├── bench.sh │ │ ├── llama3.sh │ │ └── parse_torchtitan_logs.py │ └── utils.py ├── inference │ └── bench_float8_inference.py ├── intmm.py ├── intmm_shapes.csv ├── microbenchmarks │ ├── README.md │ ├── __init__.py │ ├── benchmark_inference.py │ ├── benchmark_runner.py │ ├── profiler.py │ ├── test │ │ ├── __init__.py │ │ ├── benchmark_config.yml │ │ ├── test_benchmark_inference.py │ │ ├── test_benchmark_profiler.py │ │ ├── test_benchmark_runner.py │ │ └── test_utils.py │ └── utils.py ├── mx_formats │ └── cast_bench.py ├── print_config_shapes.py ├── prototype │ ├── blockwise_fp8_training │ │ ├── bench_1x128_128x128_gemms.py │ │ ├── bench_1x128_128x1_gemms.py │ │ ├── bench_linear_fwd_bwd.py │ │ ├── bench_triton_fp8_blockwise_act_quant_lhs.py │ │ ├── bench_triton_fp8_blockwise_act_quant_rhs.py │ │ ├── bench_triton_fp8_blockwise_act_quant_transposed_lhs.py │ │ ├── bench_triton_fp8_blockwise_weight_quant_rhs.py │ │ └── bench_triton_fp8_blockwise_weight_quant_transposed_rhs.py │ └── moe_training │ │ ├── bench_2d_3d_grouped_gemm.py │ │ ├── bench_moe_layer.py │ │ ├── benchmark_moe_layer_fsdp.py │ │ ├── benchmark_scaled_grouped_mm_dq.py │ │ ├── fp8_rowwise │ │ ├── bench_triton_fp8_per_group_colwise_scales.py │ │ ├── bench_triton_fp8_per_group_rowwise_scales.py │ │ └── bench_triton_fp8_rowwise_3d_transpose_rhs.py │ │ └── mxfp8 │ │ ├── .gitignore │ │ ├── bench_all_to_all_v.py │ │ ├── bench_dequantize.py │ │ ├── bench_quantize_3d.py │ │ ├── bench_triton_mx_block_rearrange_2d_M_groups.py │ │ ├── bench_triton_mx_block_rearrange_per_group_3d.py │ │ ├── dsv3_rooflines.png │ │ ├── llama_rooflines.png │ │ └── roofline_unified.py ├── quantized_training │ ├── benchmark_int8mm.py │ └── pretrain_llama2.py ├── sam_benchmark_results.csv ├── sam_vit_b_shapes.csv └── utils.py ├── dev-requirements.txt ├── docs ├── Makefile ├── README.md ├── requirements.txt ├── source │ ├── _static │ │ ├── css │ │ │ └── custom.css │ │ └── img │ │ │ ├── card-background.svg │ │ │ ├── generic-pytorch-logo.png │ │ │ └── pytorch-logo-dark.svg │ ├── _templates │ │ └── autosummary │ │ │ ├── class.rst │ │ │ └── function.rst │ ├── api_ref_dtypes.rst │ ├── api_ref_float8.rst │ ├── api_ref_intro.rst │ ├── api_ref_kernel.rst │ ├── api_ref_qat.rst │ ├── api_ref_quantization.rst │ ├── api_ref_sparsity.rst │ ├── api_ref_utils.rst │ ├── benchmarking_api_guide.md │ ├── benchmarking_user_guide.md │ ├── conf.py │ ├── contributor_guide.rst │ ├── custom_directives.py │ ├── dtypes.rst │ ├── finetuning.rst │ ├── index.rst │ ├── output.png │ ├── performant_kernels.rst │ ├── pretraining.rst │ ├── quantization_overview.rst │ ├── quick_start.rst │ ├── serialization.rst │ ├── serving.rst │ ├── sparsity.rst │ ├── static_quantization.rst │ ├── subclass_advanced.rst │ ├── subclass_basic.rst │ ├── torchao_hf_integration.md │ ├── torchao_vllm_integration.md │ └── tutorials_source │ │ ├── README.txt │ │ ├── pt2e_quant_openvino_inductor.rst │ │ ├── pt2e_quant_ptq.rst │ │ ├── pt2e_quant_qat.rst │ │ ├── pt2e_quant_x86_inductor.rst │ │ ├── pt2e_quant_xpu_inductor.rst │ │ ├── pt2e_quantizer.rst │ │ └── template_tutorial.py └── static │ ├── e2e_flow_part1.png │ ├── e2e_flow_part2.png │ ├── e2e_flow_part3.png │ ├── fp8-loss-curves.png │ ├── fp8-rowwise-perf.png │ ├── microbenchmarking_process_diagram.png │ ├── microbenchmarks_code_flow_diagram.png │ ├── mxfp8_with_loss.png │ ├── pruning_ecosystem_diagram.png │ ├── pruning_flow.png │ ├── qat_eval.png │ └── supported_sparsity_patterns.png ├── examples ├── README.md ├── quantize_llama_4.py ├── sam2_amg_server │ ├── README.md │ ├── amg_example.py │ ├── annotate_with_rle.py │ ├── cli.py │ ├── cli_on_modal.py │ ├── compare_rle_lists.py │ ├── compile_export_utils.py │ ├── dog.jpg │ ├── dog_rle.json │ ├── example.html │ ├── generate_data.py │ ├── modal_experiments.sh │ ├── reproduce_experiments.py │ ├── requirements.txt │ ├── result.csv │ ├── result_batch_size_16.csv │ ├── result_batch_size_8.csv │ └── server.py └── sam2_vos_example │ ├── compile_export_utils.py │ ├── requirements.txt │ └── video_profile.py ├── output.png ├── packaging ├── env_var_script_linux.sh ├── post_build_script.sh ├── pre_build_script.sh ├── smoke_test.py └── vc_env_helper.bat ├── pyproject.toml ├── ruff.toml ├── scripts ├── check_copyright_header.py ├── clean_release_notes.py ├── convert_hf_checkpoint.py ├── create_weight_map.py ├── download.py ├── download_sam2_ckpts.sh ├── prepare.sh ├── quick_start.py ├── run_ruff_fix.sh ├── test_torch_version_torchao_version_compatibility.sh └── upload_to_s3.py ├── setup.py ├── test ├── core │ └── test_config.py ├── dtypes │ ├── ddp │ │ ├── check_ddp_nf4.py │ │ ├── ddp_nf4.py │ │ └── run_ddp_nf4_test.sh │ ├── test_affine_quantized.py │ ├── test_affine_quantized_float.py │ ├── test_affine_quantized_tensor_parallel.py │ ├── test_bitpacking.py │ ├── test_floatx.py │ ├── test_nf4.py │ ├── test_uint4.py │ └── test_uintx.py ├── float8 │ ├── test_auto_filter.py │ ├── test_base.py │ ├── test_compile.py │ ├── test_dtensor.py │ ├── test_dtensor.sh │ ├── test_everything.sh │ ├── test_everything_multi_gpu.sh │ ├── test_everything_single_gpu.sh │ ├── test_float8_utils.py │ ├── test_fsdp.py │ ├── test_fsdp.sh │ ├── test_fsdp2 │ │ └── test_fsdp2.py │ ├── test_fsdp2_tp.py │ ├── test_fsdp_compile.py │ ├── test_fsdp_compile.sh │ └── test_numerics_integration.py ├── hqq │ ├── test_hqq_affine.py │ ├── test_triton_mm.py │ └── test_triton_qkv_fused.py ├── integration │ ├── test_integration.py │ ├── test_load_and_run_checkpoint.py │ └── test_vllm.py ├── kernel │ ├── test_autotuner.py │ └── test_blockwise_triton.py ├── prototype │ ├── blockwise_fp8_training │ │ ├── test_blockwise_kernels.py │ │ └── test_blockwise_linear.py │ ├── inductor │ │ └── test_qsdpa_fusion.py │ ├── module_swap_quantization │ │ ├── test_kmeans_codebook.py │ │ ├── test_llm_ptq_data_getter.py │ │ ├── test_module_swap.py │ │ ├── test_module_swap_quantization_utils.py │ │ ├── test_quantized_modules.py │ │ ├── test_quantizers.py │ │ └── test_range_setting_methods.py │ ├── moe_training │ │ ├── __init__.py │ │ ├── mxfp8 │ │ │ ├── __init__.py │ │ │ └── test_mxfp8_a2a.py │ │ ├── test_everything.sh │ │ ├── test_fsdp.py │ │ ├── test_fsdp.sh │ │ ├── test_fsdp_tp.py │ │ ├── test_fsdp_tp.sh │ │ ├── test_kernels.py │ │ ├── test_scaled_grouped_mm.py │ │ ├── test_tp.py │ │ ├── test_tp.sh │ │ ├── test_training.py │ │ └── testing_utils.py │ ├── mx_formats │ │ ├── test_inference_workflow.py │ │ ├── test_kernels.py │ │ ├── test_mx_dtensor.py │ │ ├── test_mx_dtensor.sh │ │ ├── test_mx_linear.py │ │ ├── test_mx_mm.py │ │ ├── test_mx_serialization.py │ │ ├── test_mx_tensor.py │ │ └── test_nvfp4_tensor.py │ ├── safetensors │ │ ├── test_safetensors_support.py │ │ └── test_safetensors_utils.py │ ├── test_autoround.py │ ├── test_awq.py │ ├── test_codebook_coreml.py │ ├── test_codebook_quant.py │ ├── test_embedding.py │ ├── test_float8_opaque_tensor.py │ ├── test_gguf_quant.py │ ├── test_groupwise_lowbit_weight_lut_quantizer.py │ ├── test_int4_opaque_tensor.py │ ├── test_int8_lut_tensor.py │ ├── test_mixed_precision.py │ ├── test_parametrization.py │ ├── test_paretoq.py │ ├── test_parq.py │ ├── test_quantized_training.py │ ├── test_scheduler.py │ ├── test_smoothquant.py │ ├── test_sparsifier.py │ ├── test_sparsity_utils.py │ ├── test_spinquant.py │ ├── test_structured_sparsifier.py │ └── test_tensor_conversion.py ├── quantization │ ├── pt2e │ │ ├── test_arm_inductor_quantizer.py │ │ ├── test_duplicate_dq.py │ │ ├── test_graph_utils.py │ │ ├── test_learnable_fake_quantize.py │ │ ├── test_metadata_porting.py │ │ ├── test_numeric_debugger.py │ │ ├── test_quantize_pt2e.py │ │ ├── test_quantize_pt2e_qat.py │ │ ├── test_representation.py │ │ ├── test_x86inductor_fusion.py │ │ └── test_x86inductor_quantizer.py │ ├── quantize_ │ │ └── workflows │ │ │ ├── float8 │ │ │ └── test_float8_tensor.py │ │ │ ├── int4 │ │ │ ├── test_int4_marlin_sparse_tensor.py │ │ │ ├── test_int4_plain_int32_tensor.py │ │ │ ├── test_int4_preshuffled_tensor.py │ │ │ ├── test_int4_tensor.py │ │ │ └── test_int4_tile_packed_to_4d_tensor.py │ │ │ ├── int8 │ │ │ └── test_int8_tensor.py │ │ │ └── intx │ │ │ ├── test_intx_opaque_tensor.py │ │ │ └── test_intx_unpacked_to_int8_tensor.py │ ├── test_da8w4_cpu.py │ ├── test_gptq.py │ ├── test_int8_dynamic_activation_intx_weight_config_v1.py │ ├── test_marlin_qqq.py │ ├── test_moe_quant.py │ ├── test_observer.py │ ├── test_qat.py │ ├── test_quant_api.py │ └── test_quant_primitives.py ├── smoke_tests │ └── smoke_tests.py ├── sparsity │ ├── test_activation24.py │ ├── test_fast_sparse_training.py │ ├── test_marlin.py │ ├── test_sparse_api.py │ ├── test_supermask.py │ └── test_wanda.py ├── test_ao_models.py ├── test_low_bit_optim.py ├── test_model_architecture.py ├── test_ops.py ├── test_ops_rowwise_scaled_linear_cutlass.py ├── test_ops_rowwise_scaled_linear_sparse_cutlass.py └── test_utils.py ├── torchao ├── __init__.py ├── _executorch_ops.py ├── _models │ ├── README.md │ ├── __init__.py │ ├── _eval.py │ ├── llama │ │ ├── .gitignore │ │ ├── README.md │ │ ├── __init__.py │ │ ├── benchmark_results.txt │ │ ├── benchmarks.sh │ │ ├── bsr_bench_results.txt │ │ ├── bsr_benchmarks.sh │ │ ├── demo_summarize.sh │ │ ├── eval.py │ │ ├── evals.sh │ │ ├── generate.py │ │ ├── model.py │ │ └── tokenizer.py │ ├── mixtral-moe │ │ ├── README.md │ │ ├── generate.py │ │ ├── model.py │ │ ├── run.sh │ │ └── scripts │ │ │ ├── convert_hf_checkpoint.py │ │ │ ├── download.py │ │ │ └── prepare.sh │ ├── sam │ │ ├── .gitignore │ │ ├── README.md │ │ ├── benchmark.sh │ │ ├── data.py │ │ ├── eval_combo.py │ │ ├── flash_4_configs.p │ │ ├── metrics.py │ │ ├── results.csv │ │ └── setup.sh │ ├── sam2 │ │ ├── __init__.py │ │ ├── automatic_mask_generator.py │ │ ├── build_sam.py │ │ ├── configs │ │ │ ├── sam2.1 │ │ │ │ ├── sam2.1_hiera_b+.yaml │ │ │ │ ├── sam2.1_hiera_l.yaml │ │ │ │ ├── sam2.1_hiera_s.yaml │ │ │ │ └── sam2.1_hiera_t.yaml │ │ │ ├── sam2.1_training │ │ │ │ └── sam2.1_hiera_b+_MOSE_finetune.yaml │ │ │ └── sam2 │ │ │ │ ├── sam2_hiera_b+.yaml │ │ │ │ ├── sam2_hiera_l.yaml │ │ │ │ ├── sam2_hiera_s.yaml │ │ │ │ └── sam2_hiera_t.yaml │ │ ├── csrc │ │ │ └── connected_components.cu │ │ ├── map_tensor.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── backbones │ │ │ │ ├── __init__.py │ │ │ │ ├── hieradet.py │ │ │ │ ├── image_encoder.py │ │ │ │ └── utils.py │ │ │ ├── memory_attention.py │ │ │ ├── memory_encoder.py │ │ │ ├── position_encoding.py │ │ │ ├── sam │ │ │ │ ├── __init__.py │ │ │ │ ├── mask_decoder.py │ │ │ │ ├── prompt_encoder.py │ │ │ │ └── transformer.py │ │ │ ├── sam2_base.py │ │ │ └── sam2_utils.py │ │ ├── sam2_hiera_b+.yaml │ │ ├── sam2_hiera_l.yaml │ │ ├── sam2_hiera_s.yaml │ │ ├── sam2_hiera_t.yaml │ │ ├── sam2_image_predictor.py │ │ ├── sam2_video_predictor.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── amg.py │ │ │ ├── misc.py │ │ │ └── transforms.py │ └── utils.py ├── core │ ├── __init__.py │ └── config.py ├── csrc │ ├── README.md │ ├── cpu │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── aten_kernels │ │ │ ├── da8w4_linear.cpp │ │ │ ├── float8_linear.cpp │ │ │ ├── quantized_sdpa.cpp │ │ │ ├── scaled_embedding_bag.cpp │ │ │ └── utils.h │ │ ├── build_and_run_benchmarks.sh │ │ ├── build_and_run_tests.sh │ │ ├── build_shared_kernels.sh │ │ ├── shared_kernels │ │ │ ├── README.md │ │ │ ├── Utils.cmake │ │ │ ├── benchmarks │ │ │ │ ├── CMakeLists.txt │ │ │ │ └── benchmark_linear_8bit_act_xbit_weight.cpp │ │ │ ├── embedding_xbit │ │ │ │ ├── op_embedding_xbit-impl.h │ │ │ │ ├── op_embedding_xbit_aten.cpp │ │ │ │ ├── op_embedding_xbit_executorch.cpp │ │ │ │ └── packed_weights_header.h │ │ │ ├── groupwise_lowbit_weight_lut │ │ │ │ ├── groupwise_lowbit_weight_lut.cpp │ │ │ │ ├── groupwise_lowbit_weight_lut.h │ │ │ │ ├── kernel_config.h │ │ │ │ ├── kernel_selector.h │ │ │ │ ├── op_groupwise_lowbit_weight_lut-impl.h │ │ │ │ ├── op_groupwise_lowbit_weight_lut_aten.cpp │ │ │ │ ├── op_groupwise_lowbit_weight_lut_executorch.cpp │ │ │ │ └── packed_weights_format.h │ │ │ ├── internal │ │ │ │ ├── library.h │ │ │ │ ├── memory.h │ │ │ │ ├── packed_weights_header.h │ │ │ │ ├── parallel-aten-impl.h │ │ │ │ ├── parallel-executorch-impl.h │ │ │ │ ├── parallel-openmp-impl.h │ │ │ │ ├── parallel-pthreadpool-impl.h │ │ │ │ ├── parallel-single_threaded-impl.h │ │ │ │ ├── parallel-test_dummy-impl.h │ │ │ │ └── parallel.h │ │ │ ├── linear_8bit_act_xbit_weight │ │ │ │ ├── kernel_config.h │ │ │ │ ├── kernel_selector.h │ │ │ │ ├── linear_8bit_act_xbit_weight.cpp │ │ │ │ ├── linear_8bit_act_xbit_weight.h │ │ │ │ ├── op_linear_8bit_act_xbit_weight-impl.h │ │ │ │ ├── op_linear_8bit_act_xbit_weight_aten.cpp │ │ │ │ ├── op_linear_8bit_act_xbit_weight_executorch.cpp │ │ │ │ └── packed_weights_format.h │ │ │ └── tests │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── generate_tests.py │ │ │ │ ├── test_groupwise_lowbit_weight_lut.cpp │ │ │ │ └── test_linear_8bit_act_xbit_weight.cpp │ │ └── torch_free_kernels │ │ │ ├── README.md │ │ │ ├── aarch64 │ │ │ ├── CMakeLists.txt │ │ │ ├── benchmarks │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── benchmark_bitpacking.cpp │ │ │ │ ├── benchmark_linear.cpp │ │ │ │ └── benchmark_quantization.cpp │ │ │ ├── bitpacking │ │ │ │ ├── bitpack.h │ │ │ │ ├── uint1.h │ │ │ │ ├── uint2.h │ │ │ │ ├── uint3.h │ │ │ │ ├── uint4.h │ │ │ │ ├── uint5.h │ │ │ │ ├── uint6.h │ │ │ │ └── uint7.h │ │ │ ├── embedding │ │ │ │ ├── embedding.h │ │ │ │ └── embedding_lut.h │ │ │ ├── kleidi │ │ │ │ ├── kai_matmul_clamp_f32_qai8dxp_qsi4c32p.h │ │ │ │ └── pack.h │ │ │ ├── linear │ │ │ │ ├── channelwise_8bit_activation_groupwise_lowbit_weight │ │ │ │ │ ├── channelwise_8bit_activation_groupwise_lowbit_weight.h │ │ │ │ │ ├── kernel_1x1x32_f32_neondot-impl.h │ │ │ │ │ ├── kernel_1x4x16_f32_neondot-impl.h │ │ │ │ │ ├── kernel_1x8x16_f32_neondot-impl.h │ │ │ │ │ ├── pack_activations.h │ │ │ │ │ └── pack_weights.h │ │ │ │ └── groupwise_lowbit_weight │ │ │ │ │ ├── groupwise_lowbit_weight_lut.h │ │ │ │ │ ├── kernel_f32-impl.h │ │ │ │ │ ├── pack_activations.h │ │ │ │ │ └── pack_weights.h │ │ │ ├── lut │ │ │ │ └── lut.h │ │ │ ├── matmul │ │ │ │ ├── channelwise_8bit_a_channelwise_8bit_b_1x16x16_f32_smlal-impl.h │ │ │ │ ├── channelwise_8bit_a_channelwise_8bit_b_1x8x16_f32_neondot-impl.h │ │ │ │ ├── channelwise_8bit_a_channelwise_8bit_b_4x8x8_f32_neondot-impl.h │ │ │ │ ├── fp32_a_input_channelwise_8bit_b_1x16x4_f32_impl.h │ │ │ │ ├── fp32_a_input_channelwise_8bit_b_4x16x4_f32_impl.h │ │ │ │ ├── matmul.h │ │ │ │ └── matmul_utils.h │ │ │ ├── packing │ │ │ │ └── utils.h │ │ │ ├── quantization │ │ │ │ ├── quantize.cpp │ │ │ │ └── quantize.h │ │ │ ├── reduction │ │ │ │ ├── compute_sum.cpp │ │ │ │ ├── find_min_and_max.cpp │ │ │ │ └── reduction.h │ │ │ ├── tests │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── test_bitpack_fallback_compatibility.cpp │ │ │ │ ├── test_bitpacking.cpp │ │ │ │ ├── test_embedding.cpp │ │ │ │ ├── test_embedding_lut.cpp │ │ │ │ ├── test_linear.cpp │ │ │ │ ├── test_lut.cpp │ │ │ │ ├── test_qmatmul.cpp │ │ │ │ ├── test_quantization.cpp │ │ │ │ ├── test_reduction.cpp │ │ │ │ ├── test_utils.h │ │ │ │ ├── test_utils_quantized_attention.h │ │ │ │ └── test_weight_packing.cpp │ │ │ └── valpacking │ │ │ │ ├── interleave.cpp │ │ │ │ └── valpack.h │ │ │ ├── fallback │ │ │ ├── CMakeLists.txt │ │ │ ├── bitpacking │ │ │ │ ├── bitpack.h │ │ │ │ ├── uint1.h │ │ │ │ ├── uint2.h │ │ │ │ ├── uint3.h │ │ │ │ ├── uint4.h │ │ │ │ ├── uint5.h │ │ │ │ ├── uint6.h │ │ │ │ └── uint7.h │ │ │ ├── matmul │ │ │ │ ├── channelwise_8bit_a_channelwise_8bit_b.h │ │ │ │ └── fp32_a_channelwise_8bit_b_fp32_c.h │ │ │ └── tests │ │ │ │ ├── CMakeLists.txt │ │ │ │ └── test_bitpacking.cpp │ │ │ ├── interface │ │ │ ├── quantized_matmul.h │ │ │ └── test_qmatmul_interface.cpp │ │ │ ├── macro.h │ │ │ └── test_utils.h │ ├── cuda │ │ ├── activation24 │ │ │ ├── compute_sparse_tile.h │ │ │ ├── sparse24_metadata.h │ │ │ ├── sparse_gemm.cu │ │ │ ├── sparsify24.cu │ │ │ ├── static_sort.h │ │ │ └── warp_tensor.h │ │ ├── cutlass_extensions │ │ │ └── common.h │ │ ├── fp6_llm │ │ │ ├── README.md │ │ │ ├── configs.h │ │ │ ├── fp6_linear.cu │ │ │ ├── kernel_matmul.cuh │ │ │ ├── kernel_reduction.cuh │ │ │ ├── ptx_cp.async.cuh │ │ │ ├── ptx_mma.cuh │ │ │ ├── utils_core.cuh │ │ │ ├── utils_gmem.cuh │ │ │ └── utils_parallel_dequant.cuh │ │ ├── marlin_qqq │ │ │ ├── base.h │ │ │ ├── marlin_qqq_kernel.cu │ │ │ └── mem.h │ │ ├── mx_kernels │ │ │ ├── mx_fp_cutlass_kernels.cu │ │ │ ├── mxfp8_cuda.cu │ │ │ ├── mxfp8_extension.cpp │ │ │ ├── mxfp8_quantize.cuh │ │ │ └── ptx.cuh │ │ ├── rowwise_scaled_linear_cutlass │ │ │ ├── README.md │ │ │ ├── rowwise_scaled_linear_cutlass.cuh │ │ │ ├── rowwise_scaled_linear_cutlass_s4s4.cu │ │ │ └── rowwise_scaled_linear_cutlass_s8s4.cu │ │ ├── rowwise_scaled_linear_sparse_cutlass │ │ │ ├── rowwise_scaled_linear_sparse_cutlass.cuh │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e4m3e4m3.cu │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e4m3e4m3.h │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e4m3e5m2.cu │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e4m3e5m2.h │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e5m2e4m3.cu │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e5m2e4m3.h │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e5m2e5m2.cu │ │ │ ├── rowwise_scaled_linear_sparse_cutlass_e5m2e5m2.h │ │ │ └── rowwise_scaled_linear_sparse_cutlass_f8f8.cu │ │ ├── sparse_marlin │ │ │ ├── base.h │ │ │ ├── marlin_kernel_nm.cu │ │ │ ├── mem.h │ │ │ └── mma.h │ │ ├── tensor_core_tiled_layout │ │ │ └── tensor_core_tiled_layout.cu │ │ └── to_sparse_semi_structured_cutlass_sm9x │ │ │ ├── to_sparse_semi_structured_cutlass_sm9x.cuh │ │ │ └── to_sparse_semi_structured_cutlass_sm9x_f8.cu │ └── rocm │ │ └── swizzle │ │ └── swizzle.cpp ├── csrc_meta_ops.py ├── dtypes │ ├── README.md │ ├── __init__.py │ ├── _nf4tensor_api.py │ ├── affine_quantized_tensor.py │ ├── affine_quantized_tensor_ops.py │ ├── floatx │ │ ├── README.md │ │ ├── __init__.py │ │ ├── cutlass_semi_sparse_layout.py │ │ ├── float8_layout.py │ │ └── floatx_tensor_core_layout.py │ ├── nf4tensor.py │ ├── uintx │ │ ├── __init__.py │ │ ├── bitpacking.py │ │ ├── block_sparse_layout.py │ │ ├── cutlass_int4_packed_layout.py │ │ ├── dyn_int8_act_int4_wei_cpu_layout.py │ │ ├── gemlite_layout.py │ │ ├── int4_cpu_layout.py │ │ ├── int4_xpu_layout.py │ │ ├── marlin_qqq_tensor.py │ │ ├── marlin_sparse_layout.py │ │ ├── packed_linear_int8_dynamic_activation_intx_weight_layout.py │ │ ├── plain_layout.py │ │ ├── q_dq_layout.py │ │ ├── semi_sparse_layout.py │ │ ├── tensor_core_tiled_layout.py │ │ ├── uint4_layout.py │ │ └── uintx_layout.py │ └── utils.py ├── experimental │ ├── CMakeLists.txt │ ├── __init__.py │ ├── benchmark_infra │ │ ├── ios │ │ │ ├── Entitlements-Dev.plist │ │ │ ├── TorchAOBenchmark-Info.plist │ │ │ ├── main_empty.mm │ │ │ ├── output_redirect.h │ │ │ └── output_redirect.mm │ │ └── test │ │ │ └── test_bench.cpp │ ├── benchmarks │ │ └── cpu_memory_bw.cpp │ ├── kernels │ │ └── mps │ │ │ ├── codegen │ │ │ └── gen_metal_shader_lib.py │ │ │ ├── metal.yaml │ │ │ ├── metal │ │ │ ├── common.metal │ │ │ ├── int1mm.metal │ │ │ ├── int2mm_opt.metal │ │ │ ├── int3mm_opt.metal │ │ │ ├── int4mm_opt.metal │ │ │ ├── int5mm.metal │ │ │ ├── int6mm.metal │ │ │ ├── int7mm.metal │ │ │ └── qmv_fast.metal │ │ │ ├── src │ │ │ ├── MetalShaderLibrary.h │ │ │ ├── OperationUtils.h │ │ │ ├── OperationUtils.mm │ │ │ ├── common.h │ │ │ ├── dispatch.h │ │ │ ├── lowbit.h │ │ │ └── packing.h │ │ │ └── test │ │ │ ├── Makefile │ │ │ ├── bfloat16.h │ │ │ └── test_lowbit.mm │ ├── ops │ │ └── mps │ │ │ ├── .gitignore │ │ │ ├── CMakeLists.txt │ │ │ ├── build.sh │ │ │ ├── linear_fp_act_xbit_weight_aten.mm │ │ │ ├── linear_fp_act_xbit_weight_executorch.mm │ │ │ ├── mps_op_lib.py │ │ │ └── test │ │ │ ├── test_lowbit.py │ │ │ └── test_quantizer.py │ └── quant_api.py ├── float8 │ ├── README.md │ ├── __init__.py │ ├── config.py │ ├── distributed_utils.py │ ├── float8_linear.py │ ├── float8_linear_utils.py │ ├── float8_ops.py │ ├── float8_scaling_utils.py │ ├── float8_tensor_parallel.py │ ├── float8_training_tensor.py │ ├── float8_utils.py │ ├── fsdp_utils.py │ ├── inference.py │ └── types.py ├── kernel │ ├── README.md │ ├── __init__.py │ ├── autotuner.py │ ├── blockwise_quantization.py │ ├── bsr_triton_ops.py │ ├── configs │ │ └── data_a100.pkl │ ├── intmm.py │ └── intmm_triton.py ├── ops.py ├── optim │ ├── README.md │ ├── __init__.py │ ├── adam.py │ ├── cpu_offload.py │ ├── quant_utils.py │ ├── subclass_4bit.py │ ├── subclass_8bit.py │ └── subclass_fp8.py ├── prototype │ ├── README.md │ ├── __init__.py │ ├── autoround │ │ ├── README.md │ │ ├── __init__.py │ │ ├── autoround_llm.py │ │ ├── core.py │ │ ├── eval_autoround.py │ │ ├── multi_tensor.py │ │ ├── requirements.txt │ │ ├── run_example.sh │ │ └── utils.py │ ├── awq │ │ ├── README.md │ │ ├── __init__.py │ │ ├── api.py │ │ ├── core.py │ │ └── example.py │ ├── blockwise_fp8_inference │ │ ├── README.md │ │ ├── __init__.py │ │ └── blockwise_linear.py │ ├── blockwise_fp8_training │ │ ├── __init__.py │ │ ├── kernels.py │ │ └── linear.py │ ├── common │ │ ├── __init__.py │ │ ├── profiling_tools.py │ │ └── triton │ │ │ ├── __init__.py │ │ │ ├── matmul.py │ │ │ └── matmul_perf_model.py │ ├── custom_fp_utils.py │ ├── dtypes │ │ ├── __init__.py │ │ ├── floatx │ │ │ ├── __init__.py │ │ │ └── floatx_tensor_core_layout.py │ │ └── uintx │ │ │ ├── __init__.py │ │ │ ├── block_sparse_layout.py │ │ │ ├── cutlass_int4_packed_layout.py │ │ │ ├── dyn_int8_act_int4_wei_cpu_layout.py │ │ │ ├── gemlite_layout.py │ │ │ ├── marlin_qqq_tensor.py │ │ │ └── uintx_layout.py │ ├── float8_opaque_tensor │ │ ├── __init__.py │ │ ├── float8_opaque_tensor.py │ │ └── inference_workflow.py │ ├── float8nocompile │ │ ├── README.md │ │ ├── __init__.py │ │ ├── benchmark │ │ │ └── benchmark.py │ │ ├── examples │ │ │ └── example.py │ │ ├── float8nocompile_linear.py │ │ ├── float8nocompile_linear_test.py │ │ ├── float8nocompile_linear_utils.py │ │ ├── float8nocompile_loss_curves.png │ │ ├── float8nocompile_scaling_utils.py │ │ ├── kernels │ │ │ ├── __init__.py │ │ │ ├── fp8_dynamic_tensorwise.py │ │ │ └── fp8_dynamic_tensorwise_test.py │ │ └── test │ │ │ ├── fsdp_test.py │ │ │ └── train_test.py │ ├── hqq │ │ ├── README.md │ │ ├── __init__.py │ │ ├── example.py │ │ ├── hqq_tinygemm_linear.py │ │ ├── kernels.py │ │ └── mixed_mm.py │ ├── inductor │ │ ├── __init__.py │ │ ├── codegen │ │ │ ├── __init__.py │ │ │ ├── cpp_int8_sdpa_template.py │ │ │ └── utils.py │ │ ├── fx_passes │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── da8w4_concat_linear_fusion_cpu.py │ │ │ └── qsdpa_fusion.py │ │ └── qsdpa_lowering.py │ ├── int4_opaque_tensor │ │ ├── __init__.py │ │ ├── inference_workflow.py │ │ └── int4_opaque_tensor.py │ ├── moe_quant │ │ ├── README.md │ │ ├── __init__.py │ │ ├── llama4_quant.py │ │ ├── quantizable_moe_modules.py │ │ └── utils.py │ ├── moe_training │ │ ├── README.md │ │ ├── __init__.py │ │ ├── conversion_utils.py │ │ ├── examples │ │ │ └── simple_moe_layer.py │ │ ├── kernels │ │ │ ├── __init__.py │ │ │ ├── float8_rowwise.py │ │ │ ├── jagged_float8_scales.py │ │ │ ├── mxfp8 │ │ │ │ ├── __init__.py │ │ │ │ ├── comms.py │ │ │ │ └── quant.py │ │ │ └── triton_utils.py │ │ ├── scaled_grouped_mm.py │ │ ├── tensor.py │ │ └── utils.py │ ├── mx_formats │ │ ├── README.md │ │ ├── __init__.py │ │ ├── config.py │ │ ├── constants.py │ │ ├── fp_format_spec.py │ │ ├── inference_workflow.py │ │ ├── kernels.py │ │ ├── mx_funcs.py │ │ ├── mx_linear.py │ │ ├── mx_tensor.py │ │ ├── nvfp4_tensor.py │ │ └── utils.py │ ├── paretoq │ │ ├── 1_run_train.sh │ │ ├── 2_run_eval.sh │ │ ├── README.md │ │ ├── __init__.py │ │ ├── main_result_234bit.jpg │ │ ├── main_result_scaling_law.jpg │ │ ├── main_result_ternary.jpg │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── configuration_llama.py │ │ │ ├── modeling_llama_quant.py │ │ │ └── utils_quant.py │ │ ├── requirement.txt │ │ ├── train.py │ │ └── utils │ │ │ ├── datautils.py │ │ │ ├── process_args.py │ │ │ └── utils.py │ ├── parq │ │ ├── README.md │ │ ├── __init__.py │ │ ├── api.py │ │ ├── optim │ │ │ ├── __init__.py │ │ │ ├── binarelax.py │ │ │ ├── parq.py │ │ │ ├── proxmap.py │ │ │ └── quantopt.py │ │ ├── quant │ │ │ ├── __init__.py │ │ │ ├── config_torchao.py │ │ │ ├── lsbq.py │ │ │ ├── quant_api.py │ │ │ ├── quantizer.py │ │ │ ├── uniform.py │ │ │ └── uniform_torchao.py │ │ └── utils.py │ ├── qat │ │ ├── __init__.py │ │ └── nvfp4.py │ ├── quantization │ │ ├── __init__.py │ │ ├── autoquant_v2.py │ │ ├── codebook │ │ │ ├── __init__.py │ │ │ ├── codebook_ops.py │ │ │ └── codebook_quantized_tensor.py │ │ ├── codebook_coreml │ │ │ ├── __init__.py │ │ │ ├── api.py │ │ │ ├── codebook_ops.py │ │ │ └── codebook_quantized_tensor.py │ │ ├── codebook_groupwise │ │ │ ├── __init__.py │ │ │ ├── api.py │ │ │ └── codebook_quantized_tensor.py │ │ ├── codebook_utils │ │ │ ├── __init__.py │ │ │ └── codebook_utils.py │ │ ├── embedding │ │ │ ├── __init__.py │ │ │ └── api.py │ │ ├── gguf │ │ │ ├── __init__.py │ │ │ ├── api.py │ │ │ └── gguf_quantized_tensor.py │ │ ├── int8_lut_tensor │ │ │ ├── __init__.py │ │ │ └── int8_lut_tensor.py │ │ ├── mixed_precision │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── scripts │ │ │ │ ├── BO_acc_modelsize.py │ │ │ │ ├── BO_acc_throughput.py │ │ │ │ ├── Llama3-8B_initial_samples.json │ │ │ │ ├── Llama3-8B_parameters.json │ │ │ │ ├── Mistral-7B_initial_samples.json │ │ │ │ ├── Mistral-7B_parameters.json │ │ │ │ ├── __init__.py │ │ │ │ ├── fit.py │ │ │ │ ├── hessian_grad.py │ │ │ │ ├── hessian_vhp.py │ │ │ │ ├── mp_quant_eval.py │ │ │ │ ├── naive_intNwo.py │ │ │ │ └── utils.py │ │ ├── module_swap │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── algorithms │ │ │ │ ├── __init__.py │ │ │ │ └── kmeans_codebook.py │ │ │ ├── data_getters │ │ │ │ ├── __init__.py │ │ │ │ ├── llm_ptq_data_getter.py │ │ │ │ └── ptq_data_getter.py │ │ │ ├── module_swap.py │ │ │ ├── quantized_modules.py │ │ │ ├── quantizers.py │ │ │ ├── range_setting_methods.py │ │ │ └── utils.py │ │ └── subgraph_utils │ │ │ ├── __init__.py │ │ │ └── extract_subgraphs.py │ ├── quantized_training │ │ ├── README.md │ │ ├── __init__.py │ │ ├── bitnet.py │ │ ├── int8.py │ │ ├── int8_mixed_precision.py │ │ └── int8_mm.py │ ├── safetensors │ │ ├── __init__.py │ │ ├── safetensors_support.py │ │ └── safetensors_utils.py │ ├── smoothquant │ │ ├── README.md │ │ ├── __init__.py │ │ ├── api.py │ │ ├── core.py │ │ └── example.py │ ├── sparsity │ │ ├── __init__.py │ │ ├── activation │ │ │ ├── __init__.py │ │ │ ├── srelu_linear.py │ │ │ └── utils.py │ │ ├── pruner │ │ │ ├── FPGM_pruner.py │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── base_structured_sparsifier.py │ │ │ ├── images │ │ │ │ ├── prune_1.png │ │ │ │ ├── prune_2.png │ │ │ │ ├── prune_3.png │ │ │ │ ├── prune_4.png │ │ │ │ ├── prune_5.png │ │ │ │ └── prune_6.png │ │ │ ├── lstm_saliency_pruner.py │ │ │ ├── match_utils.py │ │ │ ├── parametrization.py │ │ │ ├── prune_functions.py │ │ │ └── saliency_pruner.py │ │ ├── scheduler │ │ │ ├── __init__.py │ │ │ ├── base_scheduler.py │ │ │ ├── cubic_scheduler.py │ │ │ └── lambda_scheduler.py │ │ └── sparsifier │ │ │ ├── __init__.py │ │ │ ├── base_sparsifier.py │ │ │ ├── nearly_diagonal_sparsifier.py │ │ │ ├── utils.py │ │ │ └── weight_norm_sparsifier.py │ ├── spinquant │ │ ├── README.md │ │ ├── __init__.py │ │ ├── _hadamard_matrices.json │ │ ├── _hadamard_matrices.py │ │ ├── hadamard_utils.py │ │ └── spinquant.py │ ├── tensor_conversion │ │ ├── __init__.py │ │ └── api.py │ └── tests │ │ └── test_spinquant.py ├── quantization │ ├── GPTQ │ │ ├── GPTQ.py │ │ ├── README.md │ │ └── __init__.py │ ├── README.md │ ├── __init__.py │ ├── autoquant.py │ ├── granularity.py │ ├── linear_activation_quantized_tensor.py │ ├── linear_activation_scale.py │ ├── linear_activation_weight_observed_tensor.py │ ├── linear_quant_modules.py │ ├── marlin_qqq │ │ ├── README.md │ │ ├── __init__.py │ │ └── utils.py │ ├── observer.py │ ├── prototype │ │ ├── __init__.py │ │ └── qat │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── _module_swap_api.py │ │ │ ├── affine_fake_quantized_tensor.py │ │ │ ├── api.py │ │ │ ├── embedding.py │ │ │ ├── fake_quantizer.py │ │ │ └── linear.py │ ├── pt2e │ │ ├── __init__.py │ │ ├── _affine_quantization.py │ │ ├── _numeric_debugger.py │ │ ├── constant_fold.py │ │ ├── convert.py │ │ ├── export_utils.py │ │ ├── fake_quantize.py │ │ ├── graph_utils.py │ │ ├── inductor_passes │ │ │ ├── __init__.py │ │ │ └── x86.py │ │ ├── learnable_fake_quantize.py │ │ ├── lowering.py │ │ ├── observer.py │ │ ├── prepare.py │ │ ├── qat_utils.py │ │ ├── quantize_pt2e.py │ │ ├── quantizer │ │ │ ├── __init__.py │ │ │ ├── arm_inductor_quantizer.py │ │ │ ├── composable_quantizer.py │ │ │ ├── duplicate_dq_pass.py │ │ │ ├── embedding_quantizer.py │ │ │ ├── port_metadata_pass.py │ │ │ ├── quantizer.py │ │ │ ├── utils.py │ │ │ ├── x86_inductor_quantizer.py │ │ │ └── xpu_inductor_quantizer.py │ │ ├── reference_representation_rewrite.py │ │ ├── tests │ │ │ └── test_reference_representation_rewrite.py │ │ └── utils.py │ ├── qat │ │ ├── README.md │ │ ├── __init__.py │ │ ├── affine_fake_quantized_tensor.py │ │ ├── api.py │ │ ├── embedding.py │ │ ├── fake_quantize_config.py │ │ ├── fake_quantizer.py │ │ ├── images │ │ │ └── qat_diagram.png │ │ ├── linear.py │ │ └── utils.py │ ├── quant_api.py │ ├── quant_primitives.py │ ├── quantize_ │ │ ├── __init__.py │ │ ├── common │ │ │ ├── __init__.py │ │ │ ├── kernel_preference.py │ │ │ ├── packing_format.py │ │ │ ├── protocol.py │ │ │ └── quantize_tensor_kwargs.py │ │ └── workflows │ │ │ ├── __init__.py │ │ │ ├── float8 │ │ │ ├── __init__.py │ │ │ └── float8_tensor.py │ │ │ ├── int4 │ │ │ ├── __init__.py │ │ │ ├── int4_choose_qparams_algorithm.py │ │ │ ├── int4_marlin_sparse_tensor.py │ │ │ ├── int4_packing_format.py │ │ │ ├── int4_plain_int32_tensor.py │ │ │ ├── int4_preshuffled_tensor.py │ │ │ ├── int4_tensor.py │ │ │ └── int4_tile_packed_to_4d_tensor.py │ │ │ ├── int8 │ │ │ ├── __init__.py │ │ │ └── int8_tensor.py │ │ │ └── intx │ │ │ ├── __init__.py │ │ │ ├── intx_choose_qparams_algorithm.py │ │ │ ├── intx_opaque_tensor.py │ │ │ ├── intx_packing_format.py │ │ │ └── intx_unpacked_to_int8_tensor.py │ ├── smoothquant.py │ ├── transform_module.py │ ├── unified.py │ ├── utils.py │ └── weight_tensor_linear_activation_quantization.py ├── sparsity │ ├── README.md │ ├── __init__.py │ ├── blocksparse.py │ ├── marlin │ │ ├── README.md │ │ ├── __init__.py │ │ └── utils.py │ ├── sparse_api.py │ ├── supermask.py │ ├── training │ │ ├── README.md │ │ ├── __init__.py │ │ ├── autograd.py │ │ └── pointwise_ops.py │ ├── utils.py │ └── wanda.py ├── swizzle │ ├── __init__.py │ ├── swizzle_ops.py │ └── swizzle_tensor.py ├── testing │ ├── __init__.py │ ├── model_architectures.py │ ├── pt2e │ │ ├── __init__.py │ │ ├── _xnnpack_quantizer.py │ │ ├── _xnnpack_quantizer_utils.py │ │ └── utils.py │ ├── training │ │ ├── __init__.py │ │ ├── dtensor_utils.py │ │ ├── fsdp2_utils.py │ │ ├── roofline_utils.py │ │ └── test_utils.py │ └── utils.py └── utils.py ├── tutorials ├── add_an_op.py ├── calibration_flow │ ├── awq_like.py │ ├── gptq_like.py │ └── static_quant.py ├── developer_api_guide │ ├── __init__.py │ ├── export_to_executorch.py │ ├── my_dtype_tensor_subclass.py │ ├── my_trainable_tensor_subclass.py │ ├── print_op_and_shapes.py │ └── tensor_parallel.py ├── examples │ ├── logging_subclass.py │ ├── quantized_module_swap.py │ └── quantized_subclass.py ├── quantize_vit │ ├── bfloat16.json.gz │ ├── bfloat16_code.py │ ├── quant.json.gz │ ├── quant_code.py │ ├── run.sh │ ├── run_vit_b.py │ └── run_vit_b_quant.py └── run_all.sh └── version.txt /.github/merge_rules.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/merge_rules.yaml -------------------------------------------------------------------------------- /.github/pytorch-probot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/pytorch-probot.yml -------------------------------------------------------------------------------- /.github/scripts/ci_test_xpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/ci_test_xpu.sh -------------------------------------------------------------------------------- /.github/scripts/github_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/github_utils.py -------------------------------------------------------------------------------- /.github/scripts/gitutils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/gitutils.py -------------------------------------------------------------------------------- /.github/scripts/label_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/label_utils.py -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/README.md -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/eval.sh -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/eval_env_checks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/eval_env_checks.sh -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/eval_latency.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/eval_latency.sh -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/eval_memory.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/eval_memory.sh -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/eval_mm_quality.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/eval_mm_quality.sh -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/eval_quality.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/eval_quality.sh -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/quantize_and_upload.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/quantize_and_upload.py -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/release.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/release.sh -------------------------------------------------------------------------------- /.github/scripts/torchao_model_releases/summarize_results.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/torchao_model_releases/summarize_results.sh -------------------------------------------------------------------------------- /.github/scripts/trymerge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/trymerge.py -------------------------------------------------------------------------------- /.github/scripts/trymerge_explainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/trymerge_explainer.py -------------------------------------------------------------------------------- /.github/scripts/validate_binaries.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/scripts/validate_binaries.sh -------------------------------------------------------------------------------- /.github/workflows/1xH100_tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/1xH100_tests.yml -------------------------------------------------------------------------------- /.github/workflows/1xL4_tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/1xL4_tests.yml -------------------------------------------------------------------------------- /.github/workflows/4xH100_tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/4xH100_tests.yml -------------------------------------------------------------------------------- /.github/workflows/build_wheels_linux.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/build_wheels_linux.yml -------------------------------------------------------------------------------- /.github/workflows/dashboard_perf_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/dashboard_perf_test.yml -------------------------------------------------------------------------------- /.github/workflows/doc_build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/doc_build.yml -------------------------------------------------------------------------------- /.github/workflows/nightly_smoke_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/nightly_smoke_test.yml -------------------------------------------------------------------------------- /.github/workflows/pr-label-check.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/pr-label-check.yml -------------------------------------------------------------------------------- /.github/workflows/regression_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/regression_test.yml -------------------------------------------------------------------------------- /.github/workflows/regression_test_aarch64.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/regression_test_aarch64.yml -------------------------------------------------------------------------------- /.github/workflows/regression_test_rocm.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/regression_test_rocm.yml -------------------------------------------------------------------------------- /.github/workflows/release_model.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/release_model.yml -------------------------------------------------------------------------------- /.github/workflows/ruff_linter.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/ruff_linter.yml -------------------------------------------------------------------------------- /.github/workflows/run_microbenchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/run_microbenchmarks.yml -------------------------------------------------------------------------------- /.github/workflows/run_tutorials.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/run_tutorials.yml -------------------------------------------------------------------------------- /.github/workflows/trymerge.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/trymerge.yml -------------------------------------------------------------------------------- /.github/workflows/validate-binaries.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/validate-binaries.yml -------------------------------------------------------------------------------- /.github/workflows/xpu_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.github/workflows/xpu_test.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.gitmodules -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/CITATION.cff -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- 1 | msaroufim 2 | cpuhrsch 3 | -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/README.md -------------------------------------------------------------------------------- /benchmarks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/_models/eval_hf_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/_models/eval_hf_models.py -------------------------------------------------------------------------------- /benchmarks/_models/eval_hf_models.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/_models/eval_hf_models.sh -------------------------------------------------------------------------------- /benchmarks/benchmark_aq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_aq.py -------------------------------------------------------------------------------- /benchmarks/benchmark_blockwise_scaled_linear_triton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_blockwise_scaled_linear_triton.py -------------------------------------------------------------------------------- /benchmarks/benchmark_e2e_fp8_sparse_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_e2e_fp8_sparse_linear.py -------------------------------------------------------------------------------- /benchmarks/benchmark_fp6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_fp6.py -------------------------------------------------------------------------------- /benchmarks/benchmark_gpu_sparsity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_gpu_sparsity.py -------------------------------------------------------------------------------- /benchmarks/benchmark_hqq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_hqq.py -------------------------------------------------------------------------------- /benchmarks/benchmark_low_bit_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_low_bit_adam.py -------------------------------------------------------------------------------- /benchmarks/benchmark_marlin_qqq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_marlin_qqq.py -------------------------------------------------------------------------------- /benchmarks/benchmark_rowwise_scaled_linear_cutlass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_rowwise_scaled_linear_cutlass.py -------------------------------------------------------------------------------- /benchmarks/benchmark_rowwise_scaled_linear_sparse_cutlass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_rowwise_scaled_linear_sparse_cutlass.py -------------------------------------------------------------------------------- /benchmarks/benchmark_semi_sparse_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_semi_sparse_training.py -------------------------------------------------------------------------------- /benchmarks/benchmark_sparse_conversion_cutlass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_sparse_conversion_cutlass.py -------------------------------------------------------------------------------- /benchmarks/benchmark_uintx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/benchmark_uintx.py -------------------------------------------------------------------------------- /benchmarks/dashboard/ci_microbenchmark_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/dashboard/ci_microbenchmark_runner.py -------------------------------------------------------------------------------- /benchmarks/dashboard/microbenchmark_quantization_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/dashboard/microbenchmark_quantization_config.yml -------------------------------------------------------------------------------- /benchmarks/float8/bench_linear_float8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/bench_linear_float8.py -------------------------------------------------------------------------------- /benchmarks/float8/bench_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/bench_matmul.py -------------------------------------------------------------------------------- /benchmarks/float8/bench_padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/bench_padding.py -------------------------------------------------------------------------------- /benchmarks/float8/float8_inference_roofline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/float8_inference_roofline.py -------------------------------------------------------------------------------- /benchmarks/float8/float8_roofline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/float8_roofline.py -------------------------------------------------------------------------------- /benchmarks/float8/profile_lowp_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/profile_lowp_training.py -------------------------------------------------------------------------------- /benchmarks/float8/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/training/README.md -------------------------------------------------------------------------------- /benchmarks/float8/training/bench.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/training/bench.sh -------------------------------------------------------------------------------- /benchmarks/float8/training/llama3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/training/llama3.sh -------------------------------------------------------------------------------- /benchmarks/float8/training/parse_torchtitan_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/training/parse_torchtitan_logs.py -------------------------------------------------------------------------------- /benchmarks/float8/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/float8/utils.py -------------------------------------------------------------------------------- /benchmarks/inference/bench_float8_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/inference/bench_float8_inference.py -------------------------------------------------------------------------------- /benchmarks/intmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/intmm.py -------------------------------------------------------------------------------- /benchmarks/intmm_shapes.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/intmm_shapes.csv -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/README.md -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/benchmark_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/benchmark_inference.py -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/benchmark_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/benchmark_runner.py -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/profiler.py -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/test/benchmark_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/test/benchmark_config.yml -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/test/test_benchmark_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/test/test_benchmark_profiler.py -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/test/test_benchmark_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/test/test_benchmark_runner.py -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/test/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/test/test_utils.py -------------------------------------------------------------------------------- /benchmarks/microbenchmarks/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/microbenchmarks/utils.py -------------------------------------------------------------------------------- /benchmarks/mx_formats/cast_bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/mx_formats/cast_bench.py -------------------------------------------------------------------------------- /benchmarks/print_config_shapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/print_config_shapes.py -------------------------------------------------------------------------------- /benchmarks/prototype/moe_training/bench_moe_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/prototype/moe_training/bench_moe_layer.py -------------------------------------------------------------------------------- /benchmarks/prototype/moe_training/mxfp8/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/prototype/moe_training/mxfp8/.gitignore -------------------------------------------------------------------------------- /benchmarks/prototype/moe_training/mxfp8/dsv3_rooflines.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/prototype/moe_training/mxfp8/dsv3_rooflines.png -------------------------------------------------------------------------------- /benchmarks/quantized_training/benchmark_int8mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/quantized_training/benchmark_int8mm.py -------------------------------------------------------------------------------- /benchmarks/quantized_training/pretrain_llama2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/quantized_training/pretrain_llama2.py -------------------------------------------------------------------------------- /benchmarks/sam_benchmark_results.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/sam_benchmark_results.csv -------------------------------------------------------------------------------- /benchmarks/sam_vit_b_shapes.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/sam_vit_b_shapes.csv -------------------------------------------------------------------------------- /benchmarks/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/benchmarks/utils.py -------------------------------------------------------------------------------- /dev-requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/dev-requirements.txt -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/requirements.txt -------------------------------------------------------------------------------- /docs/source/_static/css/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/_static/css/custom.css -------------------------------------------------------------------------------- /docs/source/_static/img/card-background.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/_static/img/card-background.svg -------------------------------------------------------------------------------- /docs/source/_static/img/generic-pytorch-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/_static/img/generic-pytorch-logo.png -------------------------------------------------------------------------------- /docs/source/_static/img/pytorch-logo-dark.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/_static/img/pytorch-logo-dark.svg -------------------------------------------------------------------------------- /docs/source/_templates/autosummary/class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/_templates/autosummary/class.rst -------------------------------------------------------------------------------- /docs/source/_templates/autosummary/function.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/_templates/autosummary/function.rst -------------------------------------------------------------------------------- /docs/source/api_ref_dtypes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_dtypes.rst -------------------------------------------------------------------------------- /docs/source/api_ref_float8.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_float8.rst -------------------------------------------------------------------------------- /docs/source/api_ref_intro.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_intro.rst -------------------------------------------------------------------------------- /docs/source/api_ref_kernel.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_kernel.rst -------------------------------------------------------------------------------- /docs/source/api_ref_qat.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_qat.rst -------------------------------------------------------------------------------- /docs/source/api_ref_quantization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_quantization.rst -------------------------------------------------------------------------------- /docs/source/api_ref_sparsity.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_sparsity.rst -------------------------------------------------------------------------------- /docs/source/api_ref_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/api_ref_utils.rst -------------------------------------------------------------------------------- /docs/source/benchmarking_api_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/benchmarking_api_guide.md -------------------------------------------------------------------------------- /docs/source/benchmarking_user_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/benchmarking_user_guide.md -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/contributor_guide.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/contributor_guide.rst -------------------------------------------------------------------------------- /docs/source/custom_directives.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/custom_directives.py -------------------------------------------------------------------------------- /docs/source/dtypes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/dtypes.rst -------------------------------------------------------------------------------- /docs/source/finetuning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/finetuning.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/output.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/output.png -------------------------------------------------------------------------------- /docs/source/performant_kernels.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/performant_kernels.rst -------------------------------------------------------------------------------- /docs/source/pretraining.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/pretraining.rst -------------------------------------------------------------------------------- /docs/source/quantization_overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/quantization_overview.rst -------------------------------------------------------------------------------- /docs/source/quick_start.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/quick_start.rst -------------------------------------------------------------------------------- /docs/source/serialization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/serialization.rst -------------------------------------------------------------------------------- /docs/source/serving.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/serving.rst -------------------------------------------------------------------------------- /docs/source/sparsity.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/sparsity.rst -------------------------------------------------------------------------------- /docs/source/static_quantization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/static_quantization.rst -------------------------------------------------------------------------------- /docs/source/subclass_advanced.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/subclass_advanced.rst -------------------------------------------------------------------------------- /docs/source/subclass_basic.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/subclass_basic.rst -------------------------------------------------------------------------------- /docs/source/torchao_hf_integration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/torchao_hf_integration.md -------------------------------------------------------------------------------- /docs/source/torchao_vllm_integration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/torchao_vllm_integration.md -------------------------------------------------------------------------------- /docs/source/tutorials_source/README.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /docs/source/tutorials_source/pt2e_quant_ptq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/tutorials_source/pt2e_quant_ptq.rst -------------------------------------------------------------------------------- /docs/source/tutorials_source/pt2e_quant_qat.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/tutorials_source/pt2e_quant_qat.rst -------------------------------------------------------------------------------- /docs/source/tutorials_source/pt2e_quant_x86_inductor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/tutorials_source/pt2e_quant_x86_inductor.rst -------------------------------------------------------------------------------- /docs/source/tutorials_source/pt2e_quant_xpu_inductor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/tutorials_source/pt2e_quant_xpu_inductor.rst -------------------------------------------------------------------------------- /docs/source/tutorials_source/pt2e_quantizer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/tutorials_source/pt2e_quantizer.rst -------------------------------------------------------------------------------- /docs/source/tutorials_source/template_tutorial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/source/tutorials_source/template_tutorial.py -------------------------------------------------------------------------------- /docs/static/e2e_flow_part1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/e2e_flow_part1.png -------------------------------------------------------------------------------- /docs/static/e2e_flow_part2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/e2e_flow_part2.png -------------------------------------------------------------------------------- /docs/static/e2e_flow_part3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/e2e_flow_part3.png -------------------------------------------------------------------------------- /docs/static/fp8-loss-curves.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/fp8-loss-curves.png -------------------------------------------------------------------------------- /docs/static/fp8-rowwise-perf.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/fp8-rowwise-perf.png -------------------------------------------------------------------------------- /docs/static/microbenchmarking_process_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/microbenchmarking_process_diagram.png -------------------------------------------------------------------------------- /docs/static/microbenchmarks_code_flow_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/microbenchmarks_code_flow_diagram.png -------------------------------------------------------------------------------- /docs/static/mxfp8_with_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/mxfp8_with_loss.png -------------------------------------------------------------------------------- /docs/static/pruning_ecosystem_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/pruning_ecosystem_diagram.png -------------------------------------------------------------------------------- /docs/static/pruning_flow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/pruning_flow.png -------------------------------------------------------------------------------- /docs/static/qat_eval.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/qat_eval.png -------------------------------------------------------------------------------- /docs/static/supported_sparsity_patterns.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/docs/static/supported_sparsity_patterns.png -------------------------------------------------------------------------------- /examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/README.md -------------------------------------------------------------------------------- /examples/quantize_llama_4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/quantize_llama_4.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/README.md -------------------------------------------------------------------------------- /examples/sam2_amg_server/amg_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/amg_example.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/annotate_with_rle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/annotate_with_rle.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/cli.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/cli_on_modal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/cli_on_modal.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/compare_rle_lists.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/compare_rle_lists.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/compile_export_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/compile_export_utils.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/dog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/dog.jpg -------------------------------------------------------------------------------- /examples/sam2_amg_server/dog_rle.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/dog_rle.json -------------------------------------------------------------------------------- /examples/sam2_amg_server/example.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/example.html -------------------------------------------------------------------------------- /examples/sam2_amg_server/generate_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/generate_data.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/modal_experiments.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/modal_experiments.sh -------------------------------------------------------------------------------- /examples/sam2_amg_server/reproduce_experiments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/reproduce_experiments.py -------------------------------------------------------------------------------- /examples/sam2_amg_server/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/requirements.txt -------------------------------------------------------------------------------- /examples/sam2_amg_server/result.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/result.csv -------------------------------------------------------------------------------- /examples/sam2_amg_server/result_batch_size_16.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/result_batch_size_16.csv -------------------------------------------------------------------------------- /examples/sam2_amg_server/result_batch_size_8.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/result_batch_size_8.csv -------------------------------------------------------------------------------- /examples/sam2_amg_server/server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_amg_server/server.py -------------------------------------------------------------------------------- /examples/sam2_vos_example/compile_export_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_vos_example/compile_export_utils.py -------------------------------------------------------------------------------- /examples/sam2_vos_example/requirements.txt: -------------------------------------------------------------------------------- 1 | requests 2 | fire 3 | -------------------------------------------------------------------------------- /examples/sam2_vos_example/video_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/examples/sam2_vos_example/video_profile.py -------------------------------------------------------------------------------- /output.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/output.png -------------------------------------------------------------------------------- /packaging/env_var_script_linux.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/packaging/env_var_script_linux.sh -------------------------------------------------------------------------------- /packaging/post_build_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/packaging/post_build_script.sh -------------------------------------------------------------------------------- /packaging/pre_build_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/packaging/pre_build_script.sh -------------------------------------------------------------------------------- /packaging/smoke_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/packaging/smoke_test.py -------------------------------------------------------------------------------- /packaging/vc_env_helper.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/packaging/vc_env_helper.bat -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/pyproject.toml -------------------------------------------------------------------------------- /ruff.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/ruff.toml -------------------------------------------------------------------------------- /scripts/check_copyright_header.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/check_copyright_header.py -------------------------------------------------------------------------------- /scripts/clean_release_notes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/clean_release_notes.py -------------------------------------------------------------------------------- /scripts/convert_hf_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/convert_hf_checkpoint.py -------------------------------------------------------------------------------- /scripts/create_weight_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/create_weight_map.py -------------------------------------------------------------------------------- /scripts/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/download.py -------------------------------------------------------------------------------- /scripts/download_sam2_ckpts.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/download_sam2_ckpts.sh -------------------------------------------------------------------------------- /scripts/prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/prepare.sh -------------------------------------------------------------------------------- /scripts/quick_start.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/quick_start.py -------------------------------------------------------------------------------- /scripts/run_ruff_fix.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/run_ruff_fix.sh -------------------------------------------------------------------------------- /scripts/upload_to_s3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/scripts/upload_to_s3.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/setup.py -------------------------------------------------------------------------------- /test/core/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/core/test_config.py -------------------------------------------------------------------------------- /test/dtypes/ddp/check_ddp_nf4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/ddp/check_ddp_nf4.py -------------------------------------------------------------------------------- /test/dtypes/ddp/ddp_nf4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/ddp/ddp_nf4.py -------------------------------------------------------------------------------- /test/dtypes/ddp/run_ddp_nf4_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/ddp/run_ddp_nf4_test.sh -------------------------------------------------------------------------------- /test/dtypes/test_affine_quantized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_affine_quantized.py -------------------------------------------------------------------------------- /test/dtypes/test_affine_quantized_float.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_affine_quantized_float.py -------------------------------------------------------------------------------- /test/dtypes/test_affine_quantized_tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_affine_quantized_tensor_parallel.py -------------------------------------------------------------------------------- /test/dtypes/test_bitpacking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_bitpacking.py -------------------------------------------------------------------------------- /test/dtypes/test_floatx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_floatx.py -------------------------------------------------------------------------------- /test/dtypes/test_nf4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_nf4.py -------------------------------------------------------------------------------- /test/dtypes/test_uint4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_uint4.py -------------------------------------------------------------------------------- /test/dtypes/test_uintx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/dtypes/test_uintx.py -------------------------------------------------------------------------------- /test/float8/test_auto_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_auto_filter.py -------------------------------------------------------------------------------- /test/float8/test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_base.py -------------------------------------------------------------------------------- /test/float8/test_compile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_compile.py -------------------------------------------------------------------------------- /test/float8/test_dtensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_dtensor.py -------------------------------------------------------------------------------- /test/float8/test_dtensor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_dtensor.sh -------------------------------------------------------------------------------- /test/float8/test_everything.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_everything.sh -------------------------------------------------------------------------------- /test/float8/test_everything_multi_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_everything_multi_gpu.sh -------------------------------------------------------------------------------- /test/float8/test_everything_single_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_everything_single_gpu.sh -------------------------------------------------------------------------------- /test/float8/test_float8_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_float8_utils.py -------------------------------------------------------------------------------- /test/float8/test_fsdp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_fsdp.py -------------------------------------------------------------------------------- /test/float8/test_fsdp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_fsdp.sh -------------------------------------------------------------------------------- /test/float8/test_fsdp2/test_fsdp2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_fsdp2/test_fsdp2.py -------------------------------------------------------------------------------- /test/float8/test_fsdp2_tp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_fsdp2_tp.py -------------------------------------------------------------------------------- /test/float8/test_fsdp_compile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_fsdp_compile.py -------------------------------------------------------------------------------- /test/float8/test_fsdp_compile.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_fsdp_compile.sh -------------------------------------------------------------------------------- /test/float8/test_numerics_integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/float8/test_numerics_integration.py -------------------------------------------------------------------------------- /test/hqq/test_hqq_affine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/hqq/test_hqq_affine.py -------------------------------------------------------------------------------- /test/hqq/test_triton_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/hqq/test_triton_mm.py -------------------------------------------------------------------------------- /test/hqq/test_triton_qkv_fused.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/hqq/test_triton_qkv_fused.py -------------------------------------------------------------------------------- /test/integration/test_integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/integration/test_integration.py -------------------------------------------------------------------------------- /test/integration/test_load_and_run_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/integration/test_load_and_run_checkpoint.py -------------------------------------------------------------------------------- /test/integration/test_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/integration/test_vllm.py -------------------------------------------------------------------------------- /test/kernel/test_autotuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/kernel/test_autotuner.py -------------------------------------------------------------------------------- /test/kernel/test_blockwise_triton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/kernel/test_blockwise_triton.py -------------------------------------------------------------------------------- /test/prototype/inductor/test_qsdpa_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/inductor/test_qsdpa_fusion.py -------------------------------------------------------------------------------- /test/prototype/module_swap_quantization/test_quantizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/module_swap_quantization/test_quantizers.py -------------------------------------------------------------------------------- /test/prototype/moe_training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/prototype/moe_training/mxfp8/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/prototype/moe_training/mxfp8/test_mxfp8_a2a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/mxfp8/test_mxfp8_a2a.py -------------------------------------------------------------------------------- /test/prototype/moe_training/test_everything.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_everything.sh -------------------------------------------------------------------------------- /test/prototype/moe_training/test_fsdp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_fsdp.py -------------------------------------------------------------------------------- /test/prototype/moe_training/test_fsdp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_fsdp.sh -------------------------------------------------------------------------------- /test/prototype/moe_training/test_fsdp_tp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_fsdp_tp.py -------------------------------------------------------------------------------- /test/prototype/moe_training/test_fsdp_tp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_fsdp_tp.sh -------------------------------------------------------------------------------- /test/prototype/moe_training/test_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_kernels.py -------------------------------------------------------------------------------- /test/prototype/moe_training/test_scaled_grouped_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_scaled_grouped_mm.py -------------------------------------------------------------------------------- /test/prototype/moe_training/test_tp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_tp.py -------------------------------------------------------------------------------- /test/prototype/moe_training/test_tp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_tp.sh -------------------------------------------------------------------------------- /test/prototype/moe_training/test_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/test_training.py -------------------------------------------------------------------------------- /test/prototype/moe_training/testing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/moe_training/testing_utils.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_inference_workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_inference_workflow.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_kernels.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_mx_dtensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_mx_dtensor.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_mx_dtensor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_mx_dtensor.sh -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_mx_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_mx_linear.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_mx_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_mx_mm.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_mx_serialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_mx_serialization.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_mx_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_mx_tensor.py -------------------------------------------------------------------------------- /test/prototype/mx_formats/test_nvfp4_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/mx_formats/test_nvfp4_tensor.py -------------------------------------------------------------------------------- /test/prototype/safetensors/test_safetensors_support.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/safetensors/test_safetensors_support.py -------------------------------------------------------------------------------- /test/prototype/safetensors/test_safetensors_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/safetensors/test_safetensors_utils.py -------------------------------------------------------------------------------- /test/prototype/test_autoround.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_autoround.py -------------------------------------------------------------------------------- /test/prototype/test_awq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_awq.py -------------------------------------------------------------------------------- /test/prototype/test_codebook_coreml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_codebook_coreml.py -------------------------------------------------------------------------------- /test/prototype/test_codebook_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_codebook_quant.py -------------------------------------------------------------------------------- /test/prototype/test_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_embedding.py -------------------------------------------------------------------------------- /test/prototype/test_float8_opaque_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_float8_opaque_tensor.py -------------------------------------------------------------------------------- /test/prototype/test_gguf_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_gguf_quant.py -------------------------------------------------------------------------------- /test/prototype/test_int4_opaque_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_int4_opaque_tensor.py -------------------------------------------------------------------------------- /test/prototype/test_int8_lut_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_int8_lut_tensor.py -------------------------------------------------------------------------------- /test/prototype/test_mixed_precision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_mixed_precision.py -------------------------------------------------------------------------------- /test/prototype/test_parametrization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_parametrization.py -------------------------------------------------------------------------------- /test/prototype/test_paretoq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_paretoq.py -------------------------------------------------------------------------------- /test/prototype/test_parq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_parq.py -------------------------------------------------------------------------------- /test/prototype/test_quantized_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_quantized_training.py -------------------------------------------------------------------------------- /test/prototype/test_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_scheduler.py -------------------------------------------------------------------------------- /test/prototype/test_smoothquant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_smoothquant.py -------------------------------------------------------------------------------- /test/prototype/test_sparsifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_sparsifier.py -------------------------------------------------------------------------------- /test/prototype/test_sparsity_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_sparsity_utils.py -------------------------------------------------------------------------------- /test/prototype/test_spinquant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_spinquant.py -------------------------------------------------------------------------------- /test/prototype/test_structured_sparsifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_structured_sparsifier.py -------------------------------------------------------------------------------- /test/prototype/test_tensor_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/prototype/test_tensor_conversion.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_arm_inductor_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_arm_inductor_quantizer.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_duplicate_dq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_duplicate_dq.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_graph_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_graph_utils.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_learnable_fake_quantize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_learnable_fake_quantize.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_metadata_porting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_metadata_porting.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_numeric_debugger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_numeric_debugger.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_quantize_pt2e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_quantize_pt2e.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_quantize_pt2e_qat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_quantize_pt2e_qat.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_representation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_representation.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_x86inductor_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_x86inductor_fusion.py -------------------------------------------------------------------------------- /test/quantization/pt2e/test_x86inductor_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/pt2e/test_x86inductor_quantizer.py -------------------------------------------------------------------------------- /test/quantization/test_da8w4_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_da8w4_cpu.py -------------------------------------------------------------------------------- /test/quantization/test_gptq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_gptq.py -------------------------------------------------------------------------------- /test/quantization/test_marlin_qqq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_marlin_qqq.py -------------------------------------------------------------------------------- /test/quantization/test_moe_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_moe_quant.py -------------------------------------------------------------------------------- /test/quantization/test_observer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_observer.py -------------------------------------------------------------------------------- /test/quantization/test_qat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_qat.py -------------------------------------------------------------------------------- /test/quantization/test_quant_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_quant_api.py -------------------------------------------------------------------------------- /test/quantization/test_quant_primitives.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/quantization/test_quant_primitives.py -------------------------------------------------------------------------------- /test/smoke_tests/smoke_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/smoke_tests/smoke_tests.py -------------------------------------------------------------------------------- /test/sparsity/test_activation24.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/sparsity/test_activation24.py -------------------------------------------------------------------------------- /test/sparsity/test_fast_sparse_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/sparsity/test_fast_sparse_training.py -------------------------------------------------------------------------------- /test/sparsity/test_marlin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/sparsity/test_marlin.py -------------------------------------------------------------------------------- /test/sparsity/test_sparse_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/sparsity/test_sparse_api.py -------------------------------------------------------------------------------- /test/sparsity/test_supermask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/sparsity/test_supermask.py -------------------------------------------------------------------------------- /test/sparsity/test_wanda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/sparsity/test_wanda.py -------------------------------------------------------------------------------- /test/test_ao_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/test_ao_models.py -------------------------------------------------------------------------------- /test/test_low_bit_optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/test_low_bit_optim.py -------------------------------------------------------------------------------- /test/test_model_architecture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/test_model_architecture.py -------------------------------------------------------------------------------- /test/test_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/test_ops.py -------------------------------------------------------------------------------- /test/test_ops_rowwise_scaled_linear_cutlass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/test_ops_rowwise_scaled_linear_cutlass.py -------------------------------------------------------------------------------- /test/test_ops_rowwise_scaled_linear_sparse_cutlass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/test_ops_rowwise_scaled_linear_sparse_cutlass.py -------------------------------------------------------------------------------- /test/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/test/test_utils.py -------------------------------------------------------------------------------- /torchao/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/__init__.py -------------------------------------------------------------------------------- /torchao/_executorch_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_executorch_ops.py -------------------------------------------------------------------------------- /torchao/_models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/README.md -------------------------------------------------------------------------------- /torchao/_models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/_models/_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/_eval.py -------------------------------------------------------------------------------- /torchao/_models/llama/.gitignore: -------------------------------------------------------------------------------- 1 | moby.txt 2 | -------------------------------------------------------------------------------- /torchao/_models/llama/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/README.md -------------------------------------------------------------------------------- /torchao/_models/llama/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/_models/llama/benchmark_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/benchmark_results.txt -------------------------------------------------------------------------------- /torchao/_models/llama/benchmarks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/benchmarks.sh -------------------------------------------------------------------------------- /torchao/_models/llama/bsr_bench_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/bsr_bench_results.txt -------------------------------------------------------------------------------- /torchao/_models/llama/bsr_benchmarks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/bsr_benchmarks.sh -------------------------------------------------------------------------------- /torchao/_models/llama/demo_summarize.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/demo_summarize.sh -------------------------------------------------------------------------------- /torchao/_models/llama/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/eval.py -------------------------------------------------------------------------------- /torchao/_models/llama/evals.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/evals.sh -------------------------------------------------------------------------------- /torchao/_models/llama/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/generate.py -------------------------------------------------------------------------------- /torchao/_models/llama/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/model.py -------------------------------------------------------------------------------- /torchao/_models/llama/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/llama/tokenizer.py -------------------------------------------------------------------------------- /torchao/_models/mixtral-moe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/mixtral-moe/README.md -------------------------------------------------------------------------------- /torchao/_models/mixtral-moe/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/mixtral-moe/generate.py -------------------------------------------------------------------------------- /torchao/_models/mixtral-moe/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/mixtral-moe/model.py -------------------------------------------------------------------------------- /torchao/_models/mixtral-moe/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/mixtral-moe/run.sh -------------------------------------------------------------------------------- /torchao/_models/mixtral-moe/scripts/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/mixtral-moe/scripts/download.py -------------------------------------------------------------------------------- /torchao/_models/mixtral-moe/scripts/prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/mixtral-moe/scripts/prepare.sh -------------------------------------------------------------------------------- /torchao/_models/sam/.gitignore: -------------------------------------------------------------------------------- 1 | tmp 2 | checkpoints 3 | datasets 4 | -------------------------------------------------------------------------------- /torchao/_models/sam/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/README.md -------------------------------------------------------------------------------- /torchao/_models/sam/benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/benchmark.sh -------------------------------------------------------------------------------- /torchao/_models/sam/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/data.py -------------------------------------------------------------------------------- /torchao/_models/sam/eval_combo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/eval_combo.py -------------------------------------------------------------------------------- /torchao/_models/sam/flash_4_configs.p: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/flash_4_configs.p -------------------------------------------------------------------------------- /torchao/_models/sam/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/metrics.py -------------------------------------------------------------------------------- /torchao/_models/sam/results.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/results.csv -------------------------------------------------------------------------------- /torchao/_models/sam/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam/setup.sh -------------------------------------------------------------------------------- /torchao/_models/sam2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/__init__.py -------------------------------------------------------------------------------- /torchao/_models/sam2/automatic_mask_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/automatic_mask_generator.py -------------------------------------------------------------------------------- /torchao/_models/sam2/build_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/build_sam.py -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_b+.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_b+.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_l.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_s.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_t.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2.1/sam2.1_hiera_t.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2/sam2_hiera_b+.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2/sam2_hiera_b+.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2/sam2_hiera_l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2/sam2_hiera_l.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2/sam2_hiera_s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2/sam2_hiera_s.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/configs/sam2/sam2_hiera_t.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/configs/sam2/sam2_hiera_t.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/csrc/connected_components.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/csrc/connected_components.cu -------------------------------------------------------------------------------- /torchao/_models/sam2/map_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/map_tensor.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/__init__.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/backbones/__init__.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/backbones/hieradet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/backbones/hieradet.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/backbones/image_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/backbones/image_encoder.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/backbones/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/backbones/utils.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/memory_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/memory_attention.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/memory_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/memory_encoder.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/position_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/position_encoding.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/sam/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/sam/__init__.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/sam/mask_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/sam/mask_decoder.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/sam/prompt_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/sam/prompt_encoder.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/sam/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/sam/transformer.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/sam2_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/sam2_base.py -------------------------------------------------------------------------------- /torchao/_models/sam2/modeling/sam2_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/modeling/sam2_utils.py -------------------------------------------------------------------------------- /torchao/_models/sam2/sam2_hiera_b+.yaml: -------------------------------------------------------------------------------- 1 | configs/sam2/sam2_hiera_b+.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/sam2_hiera_l.yaml: -------------------------------------------------------------------------------- 1 | configs/sam2/sam2_hiera_l.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/sam2_hiera_s.yaml: -------------------------------------------------------------------------------- 1 | configs/sam2/sam2_hiera_s.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/sam2_hiera_t.yaml: -------------------------------------------------------------------------------- 1 | configs/sam2/sam2_hiera_t.yaml -------------------------------------------------------------------------------- /torchao/_models/sam2/sam2_image_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/sam2_image_predictor.py -------------------------------------------------------------------------------- /torchao/_models/sam2/sam2_video_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/sam2_video_predictor.py -------------------------------------------------------------------------------- /torchao/_models/sam2/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/utils/__init__.py -------------------------------------------------------------------------------- /torchao/_models/sam2/utils/amg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/utils/amg.py -------------------------------------------------------------------------------- /torchao/_models/sam2/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/utils/misc.py -------------------------------------------------------------------------------- /torchao/_models/sam2/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/sam2/utils/transforms.py -------------------------------------------------------------------------------- /torchao/_models/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/_models/utils.py -------------------------------------------------------------------------------- /torchao/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/core/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/core/config.py -------------------------------------------------------------------------------- /torchao/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/README.md -------------------------------------------------------------------------------- /torchao/csrc/cpu/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/CMakeLists.txt -------------------------------------------------------------------------------- /torchao/csrc/cpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/README.md -------------------------------------------------------------------------------- /torchao/csrc/cpu/aten_kernels/da8w4_linear.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/aten_kernels/da8w4_linear.cpp -------------------------------------------------------------------------------- /torchao/csrc/cpu/aten_kernels/float8_linear.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/aten_kernels/float8_linear.cpp -------------------------------------------------------------------------------- /torchao/csrc/cpu/aten_kernels/quantized_sdpa.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/aten_kernels/quantized_sdpa.cpp -------------------------------------------------------------------------------- /torchao/csrc/cpu/aten_kernels/scaled_embedding_bag.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/aten_kernels/scaled_embedding_bag.cpp -------------------------------------------------------------------------------- /torchao/csrc/cpu/aten_kernels/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/aten_kernels/utils.h -------------------------------------------------------------------------------- /torchao/csrc/cpu/build_and_run_benchmarks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/build_and_run_benchmarks.sh -------------------------------------------------------------------------------- /torchao/csrc/cpu/build_and_run_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/build_and_run_tests.sh -------------------------------------------------------------------------------- /torchao/csrc/cpu/build_shared_kernels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/build_shared_kernels.sh -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/README.md -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/Utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/Utils.cmake -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/benchmarks/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/benchmarks/CMakeLists.txt -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/internal/library.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/internal/library.h -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/internal/memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/internal/memory.h -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/internal/parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/internal/parallel.h -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/tests/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/tests/CMakeLists.txt -------------------------------------------------------------------------------- /torchao/csrc/cpu/shared_kernels/tests/generate_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/shared_kernels/tests/generate_tests.py -------------------------------------------------------------------------------- /torchao/csrc/cpu/torch_free_kernels/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/torch_free_kernels/README.md -------------------------------------------------------------------------------- /torchao/csrc/cpu/torch_free_kernels/aarch64/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/torch_free_kernels/aarch64/CMakeLists.txt -------------------------------------------------------------------------------- /torchao/csrc/cpu/torch_free_kernels/aarch64/kleidi/pack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/torch_free_kernels/aarch64/kleidi/pack.h -------------------------------------------------------------------------------- /torchao/csrc/cpu/torch_free_kernels/aarch64/lut/lut.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/torch_free_kernels/aarch64/lut/lut.h -------------------------------------------------------------------------------- /torchao/csrc/cpu/torch_free_kernels/macro.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/torch_free_kernels/macro.h -------------------------------------------------------------------------------- /torchao/csrc/cpu/torch_free_kernels/test_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cpu/torch_free_kernels/test_utils.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/activation24/compute_sparse_tile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/activation24/compute_sparse_tile.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/activation24/sparse24_metadata.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/activation24/sparse24_metadata.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/activation24/sparse_gemm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/activation24/sparse_gemm.cu -------------------------------------------------------------------------------- /torchao/csrc/cuda/activation24/sparsify24.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/activation24/sparsify24.cu -------------------------------------------------------------------------------- /torchao/csrc/cuda/activation24/static_sort.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/activation24/static_sort.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/activation24/warp_tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/activation24/warp_tensor.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/cutlass_extensions/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/cutlass_extensions/common.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/README.md -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/configs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/configs.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/fp6_linear.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/fp6_linear.cu -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/kernel_matmul.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/kernel_matmul.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/kernel_reduction.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/kernel_reduction.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/ptx_cp.async.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/ptx_cp.async.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/ptx_mma.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/ptx_mma.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/utils_core.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/utils_core.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/utils_gmem.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/utils_gmem.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/fp6_llm/utils_parallel_dequant.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/fp6_llm/utils_parallel_dequant.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/marlin_qqq/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/marlin_qqq/base.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/marlin_qqq/marlin_qqq_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/marlin_qqq/marlin_qqq_kernel.cu -------------------------------------------------------------------------------- /torchao/csrc/cuda/marlin_qqq/mem.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/marlin_qqq/mem.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/mx_kernels/mx_fp_cutlass_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/mx_kernels/mx_fp_cutlass_kernels.cu -------------------------------------------------------------------------------- /torchao/csrc/cuda/mx_kernels/mxfp8_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/mx_kernels/mxfp8_cuda.cu -------------------------------------------------------------------------------- /torchao/csrc/cuda/mx_kernels/mxfp8_extension.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/mx_kernels/mxfp8_extension.cpp -------------------------------------------------------------------------------- /torchao/csrc/cuda/mx_kernels/mxfp8_quantize.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/mx_kernels/mxfp8_quantize.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/mx_kernels/ptx.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/mx_kernels/ptx.cuh -------------------------------------------------------------------------------- /torchao/csrc/cuda/rowwise_scaled_linear_cutlass/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/rowwise_scaled_linear_cutlass/README.md -------------------------------------------------------------------------------- /torchao/csrc/cuda/sparse_marlin/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/sparse_marlin/base.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/sparse_marlin/marlin_kernel_nm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/sparse_marlin/marlin_kernel_nm.cu -------------------------------------------------------------------------------- /torchao/csrc/cuda/sparse_marlin/mem.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/sparse_marlin/mem.h -------------------------------------------------------------------------------- /torchao/csrc/cuda/sparse_marlin/mma.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/cuda/sparse_marlin/mma.h -------------------------------------------------------------------------------- /torchao/csrc/rocm/swizzle/swizzle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc/rocm/swizzle/swizzle.cpp -------------------------------------------------------------------------------- /torchao/csrc_meta_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/csrc_meta_ops.py -------------------------------------------------------------------------------- /torchao/dtypes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/README.md -------------------------------------------------------------------------------- /torchao/dtypes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/__init__.py -------------------------------------------------------------------------------- /torchao/dtypes/_nf4tensor_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/_nf4tensor_api.py -------------------------------------------------------------------------------- /torchao/dtypes/affine_quantized_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/affine_quantized_tensor.py -------------------------------------------------------------------------------- /torchao/dtypes/affine_quantized_tensor_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/affine_quantized_tensor_ops.py -------------------------------------------------------------------------------- /torchao/dtypes/floatx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/floatx/README.md -------------------------------------------------------------------------------- /torchao/dtypes/floatx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/floatx/__init__.py -------------------------------------------------------------------------------- /torchao/dtypes/floatx/cutlass_semi_sparse_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/floatx/cutlass_semi_sparse_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/floatx/float8_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/floatx/float8_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/floatx/floatx_tensor_core_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/floatx/floatx_tensor_core_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/nf4tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/nf4tensor.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/__init__.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/bitpacking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/bitpacking.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/block_sparse_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/block_sparse_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/cutlass_int4_packed_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/cutlass_int4_packed_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/dyn_int8_act_int4_wei_cpu_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/dyn_int8_act_int4_wei_cpu_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/gemlite_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/gemlite_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/int4_cpu_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/int4_cpu_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/int4_xpu_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/int4_xpu_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/marlin_qqq_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/marlin_qqq_tensor.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/marlin_sparse_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/marlin_sparse_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/plain_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/plain_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/q_dq_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/q_dq_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/semi_sparse_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/semi_sparse_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/tensor_core_tiled_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/tensor_core_tiled_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/uint4_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/uint4_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/uintx/uintx_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/uintx/uintx_layout.py -------------------------------------------------------------------------------- /torchao/dtypes/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/dtypes/utils.py -------------------------------------------------------------------------------- /torchao/experimental/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/CMakeLists.txt -------------------------------------------------------------------------------- /torchao/experimental/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/experimental/benchmark_infra/ios/main_empty.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/benchmark_infra/ios/main_empty.mm -------------------------------------------------------------------------------- /torchao/experimental/benchmark_infra/ios/output_redirect.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/benchmark_infra/ios/output_redirect.h -------------------------------------------------------------------------------- /torchao/experimental/benchmark_infra/test/test_bench.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/benchmark_infra/test/test_bench.cpp -------------------------------------------------------------------------------- /torchao/experimental/benchmarks/cpu_memory_bw.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/benchmarks/cpu_memory_bw.cpp -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal.yaml -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/common.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/common.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/int1mm.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/int1mm.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/int2mm_opt.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/int2mm_opt.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/int3mm_opt.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/int3mm_opt.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/int4mm_opt.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/int4mm_opt.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/int5mm.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/int5mm.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/int6mm.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/int6mm.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/int7mm.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/int7mm.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/metal/qmv_fast.metal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/metal/qmv_fast.metal -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/src/MetalShaderLibrary.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/src/MetalShaderLibrary.h -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/src/OperationUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/src/OperationUtils.h -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/src/OperationUtils.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/src/OperationUtils.mm -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/src/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/src/common.h -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/src/dispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/src/dispatch.h -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/src/lowbit.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/src/lowbit.h -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/src/packing.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/src/packing.h -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/test/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/test/Makefile -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/test/bfloat16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/test/bfloat16.h -------------------------------------------------------------------------------- /torchao/experimental/kernels/mps/test/test_lowbit.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/kernels/mps/test/test_lowbit.mm -------------------------------------------------------------------------------- /torchao/experimental/ops/mps/.gitignore: -------------------------------------------------------------------------------- 1 | cmake-out/ 2 | -------------------------------------------------------------------------------- /torchao/experimental/ops/mps/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/ops/mps/CMakeLists.txt -------------------------------------------------------------------------------- /torchao/experimental/ops/mps/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/ops/mps/build.sh -------------------------------------------------------------------------------- /torchao/experimental/ops/mps/mps_op_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/ops/mps/mps_op_lib.py -------------------------------------------------------------------------------- /torchao/experimental/ops/mps/test/test_lowbit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/ops/mps/test/test_lowbit.py -------------------------------------------------------------------------------- /torchao/experimental/ops/mps/test/test_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/ops/mps/test/test_quantizer.py -------------------------------------------------------------------------------- /torchao/experimental/quant_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/experimental/quant_api.py -------------------------------------------------------------------------------- /torchao/float8/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/README.md -------------------------------------------------------------------------------- /torchao/float8/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/__init__.py -------------------------------------------------------------------------------- /torchao/float8/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/config.py -------------------------------------------------------------------------------- /torchao/float8/distributed_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/distributed_utils.py -------------------------------------------------------------------------------- /torchao/float8/float8_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/float8_linear.py -------------------------------------------------------------------------------- /torchao/float8/float8_linear_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/float8_linear_utils.py -------------------------------------------------------------------------------- /torchao/float8/float8_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/float8_ops.py -------------------------------------------------------------------------------- /torchao/float8/float8_scaling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/float8_scaling_utils.py -------------------------------------------------------------------------------- /torchao/float8/float8_tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/float8_tensor_parallel.py -------------------------------------------------------------------------------- /torchao/float8/float8_training_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/float8_training_tensor.py -------------------------------------------------------------------------------- /torchao/float8/float8_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/float8_utils.py -------------------------------------------------------------------------------- /torchao/float8/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/fsdp_utils.py -------------------------------------------------------------------------------- /torchao/float8/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/inference.py -------------------------------------------------------------------------------- /torchao/float8/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/float8/types.py -------------------------------------------------------------------------------- /torchao/kernel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/README.md -------------------------------------------------------------------------------- /torchao/kernel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/__init__.py -------------------------------------------------------------------------------- /torchao/kernel/autotuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/autotuner.py -------------------------------------------------------------------------------- /torchao/kernel/blockwise_quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/blockwise_quantization.py -------------------------------------------------------------------------------- /torchao/kernel/bsr_triton_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/bsr_triton_ops.py -------------------------------------------------------------------------------- /torchao/kernel/configs/data_a100.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/configs/data_a100.pkl -------------------------------------------------------------------------------- /torchao/kernel/intmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/intmm.py -------------------------------------------------------------------------------- /torchao/kernel/intmm_triton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/kernel/intmm_triton.py -------------------------------------------------------------------------------- /torchao/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/ops.py -------------------------------------------------------------------------------- /torchao/optim/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/README.md -------------------------------------------------------------------------------- /torchao/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/__init__.py -------------------------------------------------------------------------------- /torchao/optim/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/adam.py -------------------------------------------------------------------------------- /torchao/optim/cpu_offload.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/cpu_offload.py -------------------------------------------------------------------------------- /torchao/optim/quant_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/quant_utils.py -------------------------------------------------------------------------------- /torchao/optim/subclass_4bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/subclass_4bit.py -------------------------------------------------------------------------------- /torchao/optim/subclass_8bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/subclass_8bit.py -------------------------------------------------------------------------------- /torchao/optim/subclass_fp8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/optim/subclass_fp8.py -------------------------------------------------------------------------------- /torchao/prototype/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/README.md -------------------------------------------------------------------------------- /torchao/prototype/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/autoround/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/README.md -------------------------------------------------------------------------------- /torchao/prototype/autoround/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/autoround/autoround_llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/autoround_llm.py -------------------------------------------------------------------------------- /torchao/prototype/autoround/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/core.py -------------------------------------------------------------------------------- /torchao/prototype/autoround/eval_autoround.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/eval_autoround.py -------------------------------------------------------------------------------- /torchao/prototype/autoround/multi_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/multi_tensor.py -------------------------------------------------------------------------------- /torchao/prototype/autoround/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/requirements.txt -------------------------------------------------------------------------------- /torchao/prototype/autoround/run_example.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/run_example.sh -------------------------------------------------------------------------------- /torchao/prototype/autoround/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/autoround/utils.py -------------------------------------------------------------------------------- /torchao/prototype/awq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/awq/README.md -------------------------------------------------------------------------------- /torchao/prototype/awq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/awq/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/awq/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/awq/api.py -------------------------------------------------------------------------------- /torchao/prototype/awq/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/awq/core.py -------------------------------------------------------------------------------- /torchao/prototype/awq/example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/awq/example.py -------------------------------------------------------------------------------- /torchao/prototype/blockwise_fp8_inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/blockwise_fp8_inference/README.md -------------------------------------------------------------------------------- /torchao/prototype/blockwise_fp8_inference/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/blockwise_fp8_inference/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/blockwise_fp8_training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/blockwise_fp8_training/kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/blockwise_fp8_training/kernels.py -------------------------------------------------------------------------------- /torchao/prototype/blockwise_fp8_training/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/blockwise_fp8_training/linear.py -------------------------------------------------------------------------------- /torchao/prototype/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/common/profiling_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/common/profiling_tools.py -------------------------------------------------------------------------------- /torchao/prototype/common/triton/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/common/triton/matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/common/triton/matmul.py -------------------------------------------------------------------------------- /torchao/prototype/common/triton/matmul_perf_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/common/triton/matmul_perf_model.py -------------------------------------------------------------------------------- /torchao/prototype/custom_fp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/custom_fp_utils.py -------------------------------------------------------------------------------- /torchao/prototype/dtypes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/dtypes/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/dtypes/floatx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/dtypes/floatx/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/dtypes/uintx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/dtypes/uintx/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/dtypes/uintx/block_sparse_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/dtypes/uintx/block_sparse_layout.py -------------------------------------------------------------------------------- /torchao/prototype/dtypes/uintx/gemlite_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/dtypes/uintx/gemlite_layout.py -------------------------------------------------------------------------------- /torchao/prototype/dtypes/uintx/marlin_qqq_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/dtypes/uintx/marlin_qqq_tensor.py -------------------------------------------------------------------------------- /torchao/prototype/dtypes/uintx/uintx_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/dtypes/uintx/uintx_layout.py -------------------------------------------------------------------------------- /torchao/prototype/float8_opaque_tensor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/float8_opaque_tensor/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/float8nocompile/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/float8nocompile/README.md -------------------------------------------------------------------------------- /torchao/prototype/float8nocompile/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/float8nocompile/benchmark/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/float8nocompile/benchmark/benchmark.py -------------------------------------------------------------------------------- /torchao/prototype/float8nocompile/examples/example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/float8nocompile/examples/example.py -------------------------------------------------------------------------------- /torchao/prototype/float8nocompile/kernels/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/float8nocompile/test/fsdp_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/float8nocompile/test/fsdp_test.py -------------------------------------------------------------------------------- /torchao/prototype/float8nocompile/test/train_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/float8nocompile/test/train_test.py -------------------------------------------------------------------------------- /torchao/prototype/hqq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/hqq/README.md -------------------------------------------------------------------------------- /torchao/prototype/hqq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/hqq/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/hqq/example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/hqq/example.py -------------------------------------------------------------------------------- /torchao/prototype/hqq/hqq_tinygemm_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/hqq/hqq_tinygemm_linear.py -------------------------------------------------------------------------------- /torchao/prototype/hqq/kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/hqq/kernels.py -------------------------------------------------------------------------------- /torchao/prototype/hqq/mixed_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/hqq/mixed_mm.py -------------------------------------------------------------------------------- /torchao/prototype/inductor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/inductor/codegen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/inductor/codegen/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/inductor/codegen/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/inductor/codegen/utils.py -------------------------------------------------------------------------------- /torchao/prototype/inductor/fx_passes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/inductor/fx_passes/README.md -------------------------------------------------------------------------------- /torchao/prototype/inductor/fx_passes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/inductor/fx_passes/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/inductor/fx_passes/qsdpa_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/inductor/fx_passes/qsdpa_fusion.py -------------------------------------------------------------------------------- /torchao/prototype/inductor/qsdpa_lowering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/inductor/qsdpa_lowering.py -------------------------------------------------------------------------------- /torchao/prototype/int4_opaque_tensor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/int4_opaque_tensor/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/int4_opaque_tensor/inference_workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/int4_opaque_tensor/inference_workflow.py -------------------------------------------------------------------------------- /torchao/prototype/int4_opaque_tensor/int4_opaque_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/int4_opaque_tensor/int4_opaque_tensor.py -------------------------------------------------------------------------------- /torchao/prototype/moe_quant/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_quant/README.md -------------------------------------------------------------------------------- /torchao/prototype/moe_quant/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/moe_quant/llama4_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_quant/llama4_quant.py -------------------------------------------------------------------------------- /torchao/prototype/moe_quant/quantizable_moe_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_quant/quantizable_moe_modules.py -------------------------------------------------------------------------------- /torchao/prototype/moe_quant/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_quant/utils.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/README.md -------------------------------------------------------------------------------- /torchao/prototype/moe_training/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/conversion_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/conversion_utils.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/kernels/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/kernels/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/kernels/float8_rowwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/kernels/float8_rowwise.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/kernels/mxfp8/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/kernels/mxfp8/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/kernels/mxfp8/comms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/kernels/mxfp8/comms.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/kernels/mxfp8/quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/kernels/mxfp8/quant.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/kernels/triton_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/kernels/triton_utils.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/scaled_grouped_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/scaled_grouped_mm.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/tensor.py -------------------------------------------------------------------------------- /torchao/prototype/moe_training/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/moe_training/utils.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/README.md -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/config.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/constants.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/fp_format_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/fp_format_spec.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/inference_workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/inference_workflow.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/kernels.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/mx_funcs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/mx_funcs.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/mx_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/mx_linear.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/mx_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/mx_tensor.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/nvfp4_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/nvfp4_tensor.py -------------------------------------------------------------------------------- /torchao/prototype/mx_formats/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/mx_formats/utils.py -------------------------------------------------------------------------------- /torchao/prototype/paretoq/1_run_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/1_run_train.sh -------------------------------------------------------------------------------- /torchao/prototype/paretoq/2_run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/2_run_eval.sh -------------------------------------------------------------------------------- /torchao/prototype/paretoq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/README.md -------------------------------------------------------------------------------- /torchao/prototype/paretoq/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/paretoq/main_result_234bit.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/main_result_234bit.jpg -------------------------------------------------------------------------------- /torchao/prototype/paretoq/main_result_scaling_law.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/main_result_scaling_law.jpg -------------------------------------------------------------------------------- /torchao/prototype/paretoq/main_result_ternary.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/main_result_ternary.jpg -------------------------------------------------------------------------------- /torchao/prototype/paretoq/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/paretoq/models/configuration_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/models/configuration_llama.py -------------------------------------------------------------------------------- /torchao/prototype/paretoq/models/modeling_llama_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/models/modeling_llama_quant.py -------------------------------------------------------------------------------- /torchao/prototype/paretoq/models/utils_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/models/utils_quant.py -------------------------------------------------------------------------------- /torchao/prototype/paretoq/requirement.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/requirement.txt -------------------------------------------------------------------------------- /torchao/prototype/paretoq/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/train.py -------------------------------------------------------------------------------- /torchao/prototype/paretoq/utils/datautils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/utils/datautils.py -------------------------------------------------------------------------------- /torchao/prototype/paretoq/utils/process_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/utils/process_args.py -------------------------------------------------------------------------------- /torchao/prototype/paretoq/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/paretoq/utils/utils.py -------------------------------------------------------------------------------- /torchao/prototype/parq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/README.md -------------------------------------------------------------------------------- /torchao/prototype/parq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/parq/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/api.py -------------------------------------------------------------------------------- /torchao/prototype/parq/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/optim/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/parq/optim/binarelax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/optim/binarelax.py -------------------------------------------------------------------------------- /torchao/prototype/parq/optim/parq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/optim/parq.py -------------------------------------------------------------------------------- /torchao/prototype/parq/optim/proxmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/optim/proxmap.py -------------------------------------------------------------------------------- /torchao/prototype/parq/optim/quantopt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/optim/quantopt.py -------------------------------------------------------------------------------- /torchao/prototype/parq/quant/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/quant/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/parq/quant/config_torchao.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/quant/config_torchao.py -------------------------------------------------------------------------------- /torchao/prototype/parq/quant/lsbq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/quant/lsbq.py -------------------------------------------------------------------------------- /torchao/prototype/parq/quant/quant_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/quant/quant_api.py -------------------------------------------------------------------------------- /torchao/prototype/parq/quant/quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/quant/quantizer.py -------------------------------------------------------------------------------- /torchao/prototype/parq/quant/uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/quant/uniform.py -------------------------------------------------------------------------------- /torchao/prototype/parq/quant/uniform_torchao.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/quant/uniform_torchao.py -------------------------------------------------------------------------------- /torchao/prototype/parq/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/parq/utils.py -------------------------------------------------------------------------------- /torchao/prototype/qat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/qat/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/qat/nvfp4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/qat/nvfp4.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/autoquant_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/autoquant_v2.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/codebook/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/codebook/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/codebook/codebook_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/codebook/codebook_ops.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/codebook_coreml/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/codebook_coreml/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/codebook_coreml/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/codebook_coreml/api.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/codebook_groupwise/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/codebook_groupwise/api.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/codebook_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/codebook_utils/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/embedding/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/quantization/embedding/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/embedding/api.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/gguf/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/gguf/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/gguf/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/gguf/api.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/int8_lut_tensor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/int8_lut_tensor/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/mixed_precision/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/mixed_precision/README.md -------------------------------------------------------------------------------- /torchao/prototype/quantization/mixed_precision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/quantization/module_swap/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/module_swap/README.md -------------------------------------------------------------------------------- /torchao/prototype/quantization/module_swap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/module_swap/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/module_swap/module_swap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/module_swap/module_swap.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/module_swap/quantizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/module_swap/quantizers.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/module_swap/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantization/module_swap/utils.py -------------------------------------------------------------------------------- /torchao/prototype/quantization/subgraph_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/quantized_training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantized_training/README.md -------------------------------------------------------------------------------- /torchao/prototype/quantized_training/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantized_training/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/quantized_training/bitnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantized_training/bitnet.py -------------------------------------------------------------------------------- /torchao/prototype/quantized_training/int8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantized_training/int8.py -------------------------------------------------------------------------------- /torchao/prototype/quantized_training/int8_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/quantized_training/int8_mm.py -------------------------------------------------------------------------------- /torchao/prototype/safetensors/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/safetensors/safetensors_support.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/safetensors/safetensors_support.py -------------------------------------------------------------------------------- /torchao/prototype/safetensors/safetensors_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/safetensors/safetensors_utils.py -------------------------------------------------------------------------------- /torchao/prototype/smoothquant/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/smoothquant/README.md -------------------------------------------------------------------------------- /torchao/prototype/smoothquant/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/smoothquant/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/smoothquant/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/smoothquant/api.py -------------------------------------------------------------------------------- /torchao/prototype/smoothquant/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/smoothquant/core.py -------------------------------------------------------------------------------- /torchao/prototype/smoothquant/example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/smoothquant/example.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/activation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/sparsity/activation/srelu_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/activation/srelu_linear.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/activation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/activation/utils.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/FPGM_pruner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/FPGM_pruner.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/README.md -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/images/prune_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/images/prune_1.png -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/images/prune_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/images/prune_2.png -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/images/prune_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/images/prune_3.png -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/images/prune_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/images/prune_4.png -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/images/prune_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/images/prune_5.png -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/images/prune_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/images/prune_6.png -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/lstm_saliency_pruner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/lstm_saliency_pruner.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/match_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/match_utils.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/parametrization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/parametrization.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/prune_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/prune_functions.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/pruner/saliency_pruner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/pruner/saliency_pruner.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/scheduler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/sparsity/scheduler/base_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/scheduler/base_scheduler.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/scheduler/cubic_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/scheduler/cubic_scheduler.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/scheduler/lambda_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/scheduler/lambda_scheduler.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/sparsifier/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/sparsity/sparsifier/base_sparsifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/sparsifier/base_sparsifier.py -------------------------------------------------------------------------------- /torchao/prototype/sparsity/sparsifier/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/sparsity/sparsifier/utils.py -------------------------------------------------------------------------------- /torchao/prototype/spinquant/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/spinquant/README.md -------------------------------------------------------------------------------- /torchao/prototype/spinquant/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/spinquant/__init__.py -------------------------------------------------------------------------------- /torchao/prototype/spinquant/_hadamard_matrices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/spinquant/_hadamard_matrices.json -------------------------------------------------------------------------------- /torchao/prototype/spinquant/_hadamard_matrices.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/spinquant/_hadamard_matrices.py -------------------------------------------------------------------------------- /torchao/prototype/spinquant/hadamard_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/spinquant/hadamard_utils.py -------------------------------------------------------------------------------- /torchao/prototype/spinquant/spinquant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/spinquant/spinquant.py -------------------------------------------------------------------------------- /torchao/prototype/tensor_conversion/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/prototype/tensor_conversion/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/tensor_conversion/api.py -------------------------------------------------------------------------------- /torchao/prototype/tests/test_spinquant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/prototype/tests/test_spinquant.py -------------------------------------------------------------------------------- /torchao/quantization/GPTQ/GPTQ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/GPTQ/GPTQ.py -------------------------------------------------------------------------------- /torchao/quantization/GPTQ/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/GPTQ/README.md -------------------------------------------------------------------------------- /torchao/quantization/GPTQ/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/GPTQ/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/README.md -------------------------------------------------------------------------------- /torchao/quantization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/autoquant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/autoquant.py -------------------------------------------------------------------------------- /torchao/quantization/granularity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/granularity.py -------------------------------------------------------------------------------- /torchao/quantization/linear_activation_quantized_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/linear_activation_quantized_tensor.py -------------------------------------------------------------------------------- /torchao/quantization/linear_activation_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/linear_activation_scale.py -------------------------------------------------------------------------------- /torchao/quantization/linear_quant_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/linear_quant_modules.py -------------------------------------------------------------------------------- /torchao/quantization/marlin_qqq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/marlin_qqq/README.md -------------------------------------------------------------------------------- /torchao/quantization/marlin_qqq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/marlin_qqq/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/marlin_qqq/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/marlin_qqq/utils.py -------------------------------------------------------------------------------- /torchao/quantization/observer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/observer.py -------------------------------------------------------------------------------- /torchao/quantization/prototype/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/quantization/prototype/qat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/prototype/qat/README.md -------------------------------------------------------------------------------- /torchao/quantization/prototype/qat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/prototype/qat/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/prototype/qat/_module_swap_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/prototype/qat/_module_swap_api.py -------------------------------------------------------------------------------- /torchao/quantization/prototype/qat/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/prototype/qat/api.py -------------------------------------------------------------------------------- /torchao/quantization/prototype/qat/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/prototype/qat/embedding.py -------------------------------------------------------------------------------- /torchao/quantization/prototype/qat/fake_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/prototype/qat/fake_quantizer.py -------------------------------------------------------------------------------- /torchao/quantization/prototype/qat/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/prototype/qat/linear.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/_affine_quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/_affine_quantization.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/_numeric_debugger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/_numeric_debugger.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/constant_fold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/constant_fold.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/convert.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/export_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/export_utils.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/fake_quantize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/fake_quantize.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/graph_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/graph_utils.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/inductor_passes/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/quantization/pt2e/inductor_passes/x86.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/inductor_passes/x86.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/learnable_fake_quantize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/learnable_fake_quantize.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/lowering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/lowering.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/observer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/observer.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/prepare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/prepare.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/qat_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/qat_utils.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/quantize_pt2e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/quantize_pt2e.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/quantizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/quantizer/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/quantizer/duplicate_dq_pass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/quantizer/duplicate_dq_pass.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/quantizer/embedding_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/quantizer/embedding_quantizer.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/quantizer/port_metadata_pass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/quantizer/port_metadata_pass.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/quantizer/quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/quantizer/quantizer.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/quantizer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/quantizer/utils.py -------------------------------------------------------------------------------- /torchao/quantization/pt2e/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/pt2e/utils.py -------------------------------------------------------------------------------- /torchao/quantization/qat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/README.md -------------------------------------------------------------------------------- /torchao/quantization/qat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/qat/affine_fake_quantized_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/affine_fake_quantized_tensor.py -------------------------------------------------------------------------------- /torchao/quantization/qat/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/api.py -------------------------------------------------------------------------------- /torchao/quantization/qat/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/embedding.py -------------------------------------------------------------------------------- /torchao/quantization/qat/fake_quantize_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/fake_quantize_config.py -------------------------------------------------------------------------------- /torchao/quantization/qat/fake_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/fake_quantizer.py -------------------------------------------------------------------------------- /torchao/quantization/qat/images/qat_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/images/qat_diagram.png -------------------------------------------------------------------------------- /torchao/quantization/qat/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/linear.py -------------------------------------------------------------------------------- /torchao/quantization/qat/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/qat/utils.py -------------------------------------------------------------------------------- /torchao/quantization/quant_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/quant_api.py -------------------------------------------------------------------------------- /torchao/quantization/quant_primitives.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/quant_primitives.py -------------------------------------------------------------------------------- /torchao/quantization/quantize_/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/quantization/quantize_/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/quantize_/common/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/quantize_/common/kernel_preference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/quantize_/common/kernel_preference.py -------------------------------------------------------------------------------- /torchao/quantization/quantize_/common/packing_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/quantize_/common/packing_format.py -------------------------------------------------------------------------------- /torchao/quantization/quantize_/common/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/quantize_/common/protocol.py -------------------------------------------------------------------------------- /torchao/quantization/quantize_/workflows/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/quantize_/workflows/__init__.py -------------------------------------------------------------------------------- /torchao/quantization/quantize_/workflows/float8/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/quantization/quantize_/workflows/int4/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/quantization/quantize_/workflows/int8/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/quantization/quantize_/workflows/intx/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/quantization/smoothquant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/smoothquant.py -------------------------------------------------------------------------------- /torchao/quantization/transform_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/transform_module.py -------------------------------------------------------------------------------- /torchao/quantization/unified.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/unified.py -------------------------------------------------------------------------------- /torchao/quantization/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/quantization/utils.py -------------------------------------------------------------------------------- /torchao/sparsity/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/README.md -------------------------------------------------------------------------------- /torchao/sparsity/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/__init__.py -------------------------------------------------------------------------------- /torchao/sparsity/blocksparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/blocksparse.py -------------------------------------------------------------------------------- /torchao/sparsity/marlin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/marlin/README.md -------------------------------------------------------------------------------- /torchao/sparsity/marlin/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/marlin/__init__.py -------------------------------------------------------------------------------- /torchao/sparsity/marlin/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/marlin/utils.py -------------------------------------------------------------------------------- /torchao/sparsity/sparse_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/sparse_api.py -------------------------------------------------------------------------------- /torchao/sparsity/supermask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/supermask.py -------------------------------------------------------------------------------- /torchao/sparsity/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/training/README.md -------------------------------------------------------------------------------- /torchao/sparsity/training/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/training/__init__.py -------------------------------------------------------------------------------- /torchao/sparsity/training/autograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/training/autograd.py -------------------------------------------------------------------------------- /torchao/sparsity/training/pointwise_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/training/pointwise_ops.py -------------------------------------------------------------------------------- /torchao/sparsity/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/utils.py -------------------------------------------------------------------------------- /torchao/sparsity/wanda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/sparsity/wanda.py -------------------------------------------------------------------------------- /torchao/swizzle/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/swizzle/__init__.py -------------------------------------------------------------------------------- /torchao/swizzle/swizzle_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/swizzle/swizzle_ops.py -------------------------------------------------------------------------------- /torchao/swizzle/swizzle_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/swizzle/swizzle_tensor.py -------------------------------------------------------------------------------- /torchao/testing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/testing/model_architectures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/model_architectures.py -------------------------------------------------------------------------------- /torchao/testing/pt2e/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/testing/pt2e/_xnnpack_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/pt2e/_xnnpack_quantizer.py -------------------------------------------------------------------------------- /torchao/testing/pt2e/_xnnpack_quantizer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/pt2e/_xnnpack_quantizer_utils.py -------------------------------------------------------------------------------- /torchao/testing/pt2e/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/pt2e/utils.py -------------------------------------------------------------------------------- /torchao/testing/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torchao/testing/training/dtensor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/training/dtensor_utils.py -------------------------------------------------------------------------------- /torchao/testing/training/fsdp2_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/training/fsdp2_utils.py -------------------------------------------------------------------------------- /torchao/testing/training/roofline_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/training/roofline_utils.py -------------------------------------------------------------------------------- /torchao/testing/training/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/training/test_utils.py -------------------------------------------------------------------------------- /torchao/testing/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/testing/utils.py -------------------------------------------------------------------------------- /torchao/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/torchao/utils.py -------------------------------------------------------------------------------- /tutorials/add_an_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/add_an_op.py -------------------------------------------------------------------------------- /tutorials/calibration_flow/awq_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/calibration_flow/awq_like.py -------------------------------------------------------------------------------- /tutorials/calibration_flow/gptq_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/calibration_flow/gptq_like.py -------------------------------------------------------------------------------- /tutorials/calibration_flow/static_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/calibration_flow/static_quant.py -------------------------------------------------------------------------------- /tutorials/developer_api_guide/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tutorials/developer_api_guide/export_to_executorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/developer_api_guide/export_to_executorch.py -------------------------------------------------------------------------------- /tutorials/developer_api_guide/my_dtype_tensor_subclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/developer_api_guide/my_dtype_tensor_subclass.py -------------------------------------------------------------------------------- /tutorials/developer_api_guide/print_op_and_shapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/developer_api_guide/print_op_and_shapes.py -------------------------------------------------------------------------------- /tutorials/developer_api_guide/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/developer_api_guide/tensor_parallel.py -------------------------------------------------------------------------------- /tutorials/examples/logging_subclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/examples/logging_subclass.py -------------------------------------------------------------------------------- /tutorials/examples/quantized_module_swap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/examples/quantized_module_swap.py -------------------------------------------------------------------------------- /tutorials/examples/quantized_subclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/examples/quantized_subclass.py -------------------------------------------------------------------------------- /tutorials/quantize_vit/bfloat16.json.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/quantize_vit/bfloat16.json.gz -------------------------------------------------------------------------------- /tutorials/quantize_vit/bfloat16_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/quantize_vit/bfloat16_code.py -------------------------------------------------------------------------------- /tutorials/quantize_vit/quant.json.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/quantize_vit/quant.json.gz -------------------------------------------------------------------------------- /tutorials/quantize_vit/quant_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/quantize_vit/quant_code.py -------------------------------------------------------------------------------- /tutorials/quantize_vit/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/quantize_vit/run.sh -------------------------------------------------------------------------------- /tutorials/quantize_vit/run_vit_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/quantize_vit/run_vit_b.py -------------------------------------------------------------------------------- /tutorials/quantize_vit/run_vit_b_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/quantize_vit/run_vit_b_quant.py -------------------------------------------------------------------------------- /tutorials/run_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/ao/HEAD/tutorials/run_all.sh -------------------------------------------------------------------------------- /version.txt: -------------------------------------------------------------------------------- 1 | 0.15.0 2 | --------------------------------------------------------------------------------