├── .coveragerc ├── .github └── workflows │ ├── cpu-ci.yml │ ├── docs-no-trigger.yml │ ├── docs.yml │ ├── fpga-ci.yml │ └── gpu-ci.yml ├── .gitignore ├── .readthedocs.yaml ├── CITATION.cff ├── LICENSE ├── Makefile ├── README.md ├── codecov.yml ├── daceml ├── __init__.py ├── autodiff │ ├── __init__.py │ ├── analysis.py │ ├── autodiff.py │ ├── backward_pass_generator.py │ ├── base_abc.py │ ├── implementations │ │ ├── __init__.py │ │ ├── dace_nodes.py │ │ └── onnx_ops.py │ ├── library │ │ ├── __init__.py │ │ ├── library.py │ │ ├── python_frontend.py │ │ └── torch_integration.py │ ├── torch.py │ └── utils.py ├── onnx │ ├── __init__.py │ ├── backend.py │ ├── binary_utilities │ │ ├── __init__.py │ │ ├── op_checker.py │ │ └── python_onnx_node_evaluation.py │ ├── converters.py │ ├── environments │ │ ├── __init__.py │ │ ├── cudnn.py │ │ └── onnxruntime.py │ ├── forward_implementation_abc.py │ ├── include │ │ ├── dace_onnx.h │ │ └── daceml_cudnn.h │ ├── nodes │ │ ├── __init__.py │ │ ├── node_codegen.py │ │ ├── node_utils.py │ │ └── onnx_op.py │ ├── onnx_importer.py │ ├── op_implementations │ │ ├── __init__.py │ │ ├── criteria_implementations.py │ │ ├── cudnn_implementations.py │ │ ├── fpga_implementations.py │ │ ├── img_op_implementations.py │ │ ├── pure_implementations.py │ │ └── utils.py │ ├── schema.py │ └── shape_inference │ │ ├── __init__.py │ │ ├── shape_inference.py │ │ └── symbolic_shape_infer.py ├── ort_api │ ├── __init__.py │ ├── python_bindings.py │ └── raw_api_bindings.py ├── testing │ ├── __init__.py │ ├── onnx_subgraph_extractor.py │ ├── profiling │ │ ├── __init__.py │ │ ├── binary_utils.py │ │ └── event_profiler.py │ └── utils.py ├── torch │ ├── __init__.py │ ├── dispatchers │ │ ├── __init__.py │ │ ├── common.py │ │ ├── cpp_torch_extension.py │ │ └── ctypes_module.py │ ├── dlpack.py │ ├── environments │ │ ├── __init__.py │ │ └── pytorch_env.py │ └── module.py ├── transformation │ ├── __init__.py │ ├── constant_folding.py │ ├── constant_gpu_copy_elimination.py │ ├── einsum_fusion.py │ ├── init_state_fusion.py │ ├── input_to_constant.py │ ├── mixed_precision.py │ ├── pad_conv_fusion.py │ ├── parameter_to_transient.py │ ├── replacement.py │ ├── reshape_elimination.py │ └── tasklet_fusion.py └── util │ ├── __init__.py │ └── utils.py ├── doc ├── Makefile ├── conf.py ├── dace.png ├── index.rst ├── ir.png ├── make.bat ├── modules │ ├── autodiff.rst │ ├── onnx.rst │ └── pytorch.rst ├── overviews │ ├── autodiff.rst │ ├── development.rst │ ├── installation.rst │ ├── onnx.rst │ └── pytorch.rst ├── requirements.txt └── trigger_rtd.py ├── examples ├── README.rst ├── plot_conv.py ├── plot_cuda_mish.py └── plot_fpga_lenet.py ├── pytest.ini ├── setup.py └── tests ├── autodiff ├── test_fail_non_float.py ├── test_nested.py ├── test_single_state.py └── torch │ ├── test_bert_encoder_backward.py │ ├── test_dont_compute_input_grads.py │ ├── test_dropout.py │ ├── test_efficientnet_block_backward.py │ ├── test_full_training_graph.py │ ├── test_multi_output_ad.py │ ├── test_pytorch.py │ └── test_training.py ├── conftest.py ├── onnx_files ├── reshape.onnx └── slice.onnx ├── pure_expansions ├── onnx_reporter.py ├── test_conv_expansion.py ├── test_expansion_utils.py ├── test_expansions.py └── test_onnx_cases.py ├── test_bert_subgraphs.py ├── test_fixtures.py ├── test_input_outputs.py ├── test_models ├── test_bert.py └── test_efficientnet.py ├── test_name_shadowing.py ├── test_onnx_return_scalars.py ├── test_openblas.py ├── test_ort_c_api.py ├── test_python_frontend.py ├── test_shared_input_output.py ├── test_variadic.py ├── torch ├── fpga │ ├── full_lenet_fpga.py │ ├── test_attn_fpga.py │ ├── test_conv2d_fpga.py │ ├── test_gemm_fpga.py │ ├── test_im2col_conv2d_fpga.py │ ├── test_matmul_fpga.py │ ├── test_maxpool2d_fpga.py │ ├── test_reduce_sum_fpga.py │ ├── test_relu_fpga.py │ ├── test_reshape_fpga.py │ ├── test_slice_fpga.py │ ├── test_softmax_fpga.py │ ├── test_streaming_conv_relu_mp.py │ └── vgg_conv_optimization_example.py ├── test_attn.py ├── test_bert_encoder.py ├── test_conv2d.py ├── test_cpp_extension.py ├── test_debug_transients.py ├── test_dlpack.py ├── test_efficientnet_block.py ├── test_img_op_implementations.py ├── test_lenet.py ├── test_module_dace_program.py ├── test_multi_output.py └── test_reshape.py └── transformation ├── test_constant_folding.py ├── test_init_state_fusion.py ├── test_input_to_constant.py ├── test_pad_conv_fusion.py ├── test_param_to_transient.py ├── test_reshape_elimination.py └── test_tasklet_fusion.py /.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.coveragerc -------------------------------------------------------------------------------- /.github/workflows/cpu-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.github/workflows/cpu-ci.yml -------------------------------------------------------------------------------- /.github/workflows/docs-no-trigger.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.github/workflows/docs-no-trigger.yml -------------------------------------------------------------------------------- /.github/workflows/docs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.github/workflows/docs.yml -------------------------------------------------------------------------------- /.github/workflows/fpga-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.github/workflows/fpga-ci.yml -------------------------------------------------------------------------------- /.github/workflows/gpu-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.github/workflows/gpu-ci.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.gitignore -------------------------------------------------------------------------------- /.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/.readthedocs.yaml -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/CITATION.cff -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/Makefile -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/README.md -------------------------------------------------------------------------------- /codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/codecov.yml -------------------------------------------------------------------------------- /daceml/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/__init__.py -------------------------------------------------------------------------------- /daceml/autodiff/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/__init__.py -------------------------------------------------------------------------------- /daceml/autodiff/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/analysis.py -------------------------------------------------------------------------------- /daceml/autodiff/autodiff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/autodiff.py -------------------------------------------------------------------------------- /daceml/autodiff/backward_pass_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/backward_pass_generator.py -------------------------------------------------------------------------------- /daceml/autodiff/base_abc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/base_abc.py -------------------------------------------------------------------------------- /daceml/autodiff/implementations/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/implementations/__init__.py -------------------------------------------------------------------------------- /daceml/autodiff/implementations/dace_nodes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/implementations/dace_nodes.py -------------------------------------------------------------------------------- /daceml/autodiff/implementations/onnx_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/implementations/onnx_ops.py -------------------------------------------------------------------------------- /daceml/autodiff/library/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/library/__init__.py -------------------------------------------------------------------------------- /daceml/autodiff/library/library.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/library/library.py -------------------------------------------------------------------------------- /daceml/autodiff/library/python_frontend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/library/python_frontend.py -------------------------------------------------------------------------------- /daceml/autodiff/library/torch_integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/library/torch_integration.py -------------------------------------------------------------------------------- /daceml/autodiff/torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/torch.py -------------------------------------------------------------------------------- /daceml/autodiff/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/autodiff/utils.py -------------------------------------------------------------------------------- /daceml/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/__init__.py -------------------------------------------------------------------------------- /daceml/onnx/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/backend.py -------------------------------------------------------------------------------- /daceml/onnx/binary_utilities/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /daceml/onnx/binary_utilities/op_checker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/binary_utilities/op_checker.py -------------------------------------------------------------------------------- /daceml/onnx/binary_utilities/python_onnx_node_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/binary_utilities/python_onnx_node_evaluation.py -------------------------------------------------------------------------------- /daceml/onnx/converters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/converters.py -------------------------------------------------------------------------------- /daceml/onnx/environments/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/environments/__init__.py -------------------------------------------------------------------------------- /daceml/onnx/environments/cudnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/environments/cudnn.py -------------------------------------------------------------------------------- /daceml/onnx/environments/onnxruntime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/environments/onnxruntime.py -------------------------------------------------------------------------------- /daceml/onnx/forward_implementation_abc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/forward_implementation_abc.py -------------------------------------------------------------------------------- /daceml/onnx/include/dace_onnx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/include/dace_onnx.h -------------------------------------------------------------------------------- /daceml/onnx/include/daceml_cudnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/include/daceml_cudnn.h -------------------------------------------------------------------------------- /daceml/onnx/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/nodes/__init__.py -------------------------------------------------------------------------------- /daceml/onnx/nodes/node_codegen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/nodes/node_codegen.py -------------------------------------------------------------------------------- /daceml/onnx/nodes/node_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/nodes/node_utils.py -------------------------------------------------------------------------------- /daceml/onnx/nodes/onnx_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/nodes/onnx_op.py -------------------------------------------------------------------------------- /daceml/onnx/onnx_importer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/onnx_importer.py -------------------------------------------------------------------------------- /daceml/onnx/op_implementations/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/op_implementations/__init__.py -------------------------------------------------------------------------------- /daceml/onnx/op_implementations/criteria_implementations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/op_implementations/criteria_implementations.py -------------------------------------------------------------------------------- /daceml/onnx/op_implementations/cudnn_implementations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/op_implementations/cudnn_implementations.py -------------------------------------------------------------------------------- /daceml/onnx/op_implementations/fpga_implementations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/op_implementations/fpga_implementations.py -------------------------------------------------------------------------------- /daceml/onnx/op_implementations/img_op_implementations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/op_implementations/img_op_implementations.py -------------------------------------------------------------------------------- /daceml/onnx/op_implementations/pure_implementations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/op_implementations/pure_implementations.py -------------------------------------------------------------------------------- /daceml/onnx/op_implementations/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/op_implementations/utils.py -------------------------------------------------------------------------------- /daceml/onnx/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/schema.py -------------------------------------------------------------------------------- /daceml/onnx/shape_inference/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/shape_inference/__init__.py -------------------------------------------------------------------------------- /daceml/onnx/shape_inference/shape_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/shape_inference/shape_inference.py -------------------------------------------------------------------------------- /daceml/onnx/shape_inference/symbolic_shape_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/onnx/shape_inference/symbolic_shape_infer.py -------------------------------------------------------------------------------- /daceml/ort_api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/ort_api/__init__.py -------------------------------------------------------------------------------- /daceml/ort_api/python_bindings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/ort_api/python_bindings.py -------------------------------------------------------------------------------- /daceml/ort_api/raw_api_bindings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/ort_api/raw_api_bindings.py -------------------------------------------------------------------------------- /daceml/testing/__init__.py: -------------------------------------------------------------------------------- 1 | from .utils import * 2 | -------------------------------------------------------------------------------- /daceml/testing/onnx_subgraph_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/testing/onnx_subgraph_extractor.py -------------------------------------------------------------------------------- /daceml/testing/profiling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/testing/profiling/__init__.py -------------------------------------------------------------------------------- /daceml/testing/profiling/binary_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/testing/profiling/binary_utils.py -------------------------------------------------------------------------------- /daceml/testing/profiling/event_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/testing/profiling/event_profiler.py -------------------------------------------------------------------------------- /daceml/testing/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/testing/utils.py -------------------------------------------------------------------------------- /daceml/torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/__init__.py -------------------------------------------------------------------------------- /daceml/torch/dispatchers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/dispatchers/__init__.py -------------------------------------------------------------------------------- /daceml/torch/dispatchers/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/dispatchers/common.py -------------------------------------------------------------------------------- /daceml/torch/dispatchers/cpp_torch_extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/dispatchers/cpp_torch_extension.py -------------------------------------------------------------------------------- /daceml/torch/dispatchers/ctypes_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/dispatchers/ctypes_module.py -------------------------------------------------------------------------------- /daceml/torch/dlpack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/dlpack.py -------------------------------------------------------------------------------- /daceml/torch/environments/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/environments/__init__.py -------------------------------------------------------------------------------- /daceml/torch/environments/pytorch_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/environments/pytorch_env.py -------------------------------------------------------------------------------- /daceml/torch/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/torch/module.py -------------------------------------------------------------------------------- /daceml/transformation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/__init__.py -------------------------------------------------------------------------------- /daceml/transformation/constant_folding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/constant_folding.py -------------------------------------------------------------------------------- /daceml/transformation/constant_gpu_copy_elimination.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/constant_gpu_copy_elimination.py -------------------------------------------------------------------------------- /daceml/transformation/einsum_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/einsum_fusion.py -------------------------------------------------------------------------------- /daceml/transformation/init_state_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/init_state_fusion.py -------------------------------------------------------------------------------- /daceml/transformation/input_to_constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/input_to_constant.py -------------------------------------------------------------------------------- /daceml/transformation/mixed_precision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/mixed_precision.py -------------------------------------------------------------------------------- /daceml/transformation/pad_conv_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/pad_conv_fusion.py -------------------------------------------------------------------------------- /daceml/transformation/parameter_to_transient.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/parameter_to_transient.py -------------------------------------------------------------------------------- /daceml/transformation/replacement.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/replacement.py -------------------------------------------------------------------------------- /daceml/transformation/reshape_elimination.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/reshape_elimination.py -------------------------------------------------------------------------------- /daceml/transformation/tasklet_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/transformation/tasklet_fusion.py -------------------------------------------------------------------------------- /daceml/util/__init__.py: -------------------------------------------------------------------------------- 1 | from .utils import * 2 | -------------------------------------------------------------------------------- /daceml/util/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/daceml/util/utils.py -------------------------------------------------------------------------------- /doc/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/Makefile -------------------------------------------------------------------------------- /doc/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/conf.py -------------------------------------------------------------------------------- /doc/dace.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/dace.png -------------------------------------------------------------------------------- /doc/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/index.rst -------------------------------------------------------------------------------- /doc/ir.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/ir.png -------------------------------------------------------------------------------- /doc/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/make.bat -------------------------------------------------------------------------------- /doc/modules/autodiff.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/modules/autodiff.rst -------------------------------------------------------------------------------- /doc/modules/onnx.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/modules/onnx.rst -------------------------------------------------------------------------------- /doc/modules/pytorch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/modules/pytorch.rst -------------------------------------------------------------------------------- /doc/overviews/autodiff.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/overviews/autodiff.rst -------------------------------------------------------------------------------- /doc/overviews/development.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/overviews/development.rst -------------------------------------------------------------------------------- /doc/overviews/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/overviews/installation.rst -------------------------------------------------------------------------------- /doc/overviews/onnx.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/overviews/onnx.rst -------------------------------------------------------------------------------- /doc/overviews/pytorch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/overviews/pytorch.rst -------------------------------------------------------------------------------- /doc/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/requirements.txt -------------------------------------------------------------------------------- /doc/trigger_rtd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/doc/trigger_rtd.py -------------------------------------------------------------------------------- /examples/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/examples/README.rst -------------------------------------------------------------------------------- /examples/plot_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/examples/plot_conv.py -------------------------------------------------------------------------------- /examples/plot_cuda_mish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/examples/plot_cuda_mish.py -------------------------------------------------------------------------------- /examples/plot_fpga_lenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/examples/plot_fpga_lenet.py -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/pytest.ini -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/setup.py -------------------------------------------------------------------------------- /tests/autodiff/test_fail_non_float.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/test_fail_non_float.py -------------------------------------------------------------------------------- /tests/autodiff/test_nested.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/test_nested.py -------------------------------------------------------------------------------- /tests/autodiff/test_single_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/test_single_state.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_bert_encoder_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_bert_encoder_backward.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_dont_compute_input_grads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_dont_compute_input_grads.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_dropout.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_efficientnet_block_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_efficientnet_block_backward.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_full_training_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_full_training_graph.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_multi_output_ad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_multi_output_ad.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_pytorch.py -------------------------------------------------------------------------------- /tests/autodiff/torch/test_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/autodiff/torch/test_training.py -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/onnx_files/reshape.onnx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/onnx_files/reshape.onnx -------------------------------------------------------------------------------- /tests/onnx_files/slice.onnx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/onnx_files/slice.onnx -------------------------------------------------------------------------------- /tests/pure_expansions/onnx_reporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/pure_expansions/onnx_reporter.py -------------------------------------------------------------------------------- /tests/pure_expansions/test_conv_expansion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/pure_expansions/test_conv_expansion.py -------------------------------------------------------------------------------- /tests/pure_expansions/test_expansion_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/pure_expansions/test_expansion_utils.py -------------------------------------------------------------------------------- /tests/pure_expansions/test_expansions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/pure_expansions/test_expansions.py -------------------------------------------------------------------------------- /tests/pure_expansions/test_onnx_cases.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/pure_expansions/test_onnx_cases.py -------------------------------------------------------------------------------- /tests/test_bert_subgraphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_bert_subgraphs.py -------------------------------------------------------------------------------- /tests/test_fixtures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_fixtures.py -------------------------------------------------------------------------------- /tests/test_input_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_input_outputs.py -------------------------------------------------------------------------------- /tests/test_models/test_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_models/test_bert.py -------------------------------------------------------------------------------- /tests/test_models/test_efficientnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_models/test_efficientnet.py -------------------------------------------------------------------------------- /tests/test_name_shadowing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_name_shadowing.py -------------------------------------------------------------------------------- /tests/test_onnx_return_scalars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_onnx_return_scalars.py -------------------------------------------------------------------------------- /tests/test_openblas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_openblas.py -------------------------------------------------------------------------------- /tests/test_ort_c_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_ort_c_api.py -------------------------------------------------------------------------------- /tests/test_python_frontend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_python_frontend.py -------------------------------------------------------------------------------- /tests/test_shared_input_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_shared_input_output.py -------------------------------------------------------------------------------- /tests/test_variadic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/test_variadic.py -------------------------------------------------------------------------------- /tests/torch/fpga/full_lenet_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/full_lenet_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_attn_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_attn_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_conv2d_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_conv2d_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_gemm_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_gemm_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_im2col_conv2d_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_im2col_conv2d_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_matmul_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_matmul_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_maxpool2d_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_maxpool2d_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_reduce_sum_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_reduce_sum_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_relu_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_relu_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_reshape_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_reshape_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_slice_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_slice_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_softmax_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_softmax_fpga.py -------------------------------------------------------------------------------- /tests/torch/fpga/test_streaming_conv_relu_mp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/test_streaming_conv_relu_mp.py -------------------------------------------------------------------------------- /tests/torch/fpga/vgg_conv_optimization_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/fpga/vgg_conv_optimization_example.py -------------------------------------------------------------------------------- /tests/torch/test_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_attn.py -------------------------------------------------------------------------------- /tests/torch/test_bert_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_bert_encoder.py -------------------------------------------------------------------------------- /tests/torch/test_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_conv2d.py -------------------------------------------------------------------------------- /tests/torch/test_cpp_extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_cpp_extension.py -------------------------------------------------------------------------------- /tests/torch/test_debug_transients.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_debug_transients.py -------------------------------------------------------------------------------- /tests/torch/test_dlpack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_dlpack.py -------------------------------------------------------------------------------- /tests/torch/test_efficientnet_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_efficientnet_block.py -------------------------------------------------------------------------------- /tests/torch/test_img_op_implementations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_img_op_implementations.py -------------------------------------------------------------------------------- /tests/torch/test_lenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_lenet.py -------------------------------------------------------------------------------- /tests/torch/test_module_dace_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_module_dace_program.py -------------------------------------------------------------------------------- /tests/torch/test_multi_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_multi_output.py -------------------------------------------------------------------------------- /tests/torch/test_reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/torch/test_reshape.py -------------------------------------------------------------------------------- /tests/transformation/test_constant_folding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/transformation/test_constant_folding.py -------------------------------------------------------------------------------- /tests/transformation/test_init_state_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/transformation/test_init_state_fusion.py -------------------------------------------------------------------------------- /tests/transformation/test_input_to_constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/transformation/test_input_to_constant.py -------------------------------------------------------------------------------- /tests/transformation/test_pad_conv_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/transformation/test_pad_conv_fusion.py -------------------------------------------------------------------------------- /tests/transformation/test_param_to_transient.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/transformation/test_param_to_transient.py -------------------------------------------------------------------------------- /tests/transformation/test_reshape_elimination.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/transformation/test_reshape_elimination.py -------------------------------------------------------------------------------- /tests/transformation/test_tasklet_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/daceml/HEAD/tests/transformation/test_tasklet_fusion.py --------------------------------------------------------------------------------