├── .clang-format ├── .coveragerc ├── .github ├── ISSUE_TEMPLATE │ ├── bug_report.md │ └── feature_request.md ├── citation_format_authors.py └── workflows │ ├── copilot-setup-steps.yml │ ├── fpga-ci.yml │ ├── general-ci.yml │ ├── gpu-ci.yml │ ├── hardware_test.yml │ ├── heterogeneous-ci.yml │ ├── linting.yml │ ├── ml-ci.yml │ ├── pyFV3-ci.yml │ ├── release.sh │ ├── scripts │ └── show-git-diff.sh │ └── verilator_compatibility.yml ├── .gitignore ├── .gitmodules ├── .pre-commit-config.yaml ├── .readthedocs.yaml ├── .style.yapf ├── AUTHORS ├── CITATION.cff ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── MANIFEST.in ├── README.md ├── ci ├── Dockerfile └── cscs_gpu.yml ├── codecov.yml ├── dace.svg ├── dace ├── __init__.py ├── autodiff │ ├── __init__.py │ ├── analysis.py │ ├── autodiff.md │ ├── autodiff.py │ ├── backward_pass_generator.py │ ├── base_abc.py │ ├── data_forwarding │ │ ├── __init__.py │ │ ├── manager.py │ │ ├── recompute.py │ │ └── store.py │ ├── implementations │ │ ├── __init__.py │ │ ├── dace_nodes.py │ │ ├── dace_reduction_nodes.py │ │ ├── onnx_ops.py │ │ └── pytorch_ops.py │ ├── library │ │ ├── __init__.py │ │ ├── library.py │ │ └── torch_integration.py │ ├── torch.py │ └── utils.py ├── builtin_hooks.py ├── cli │ ├── __init__.py │ ├── dacelab.py │ ├── daceprof.py │ ├── external_transformation_registry.py │ ├── fcdc.py │ ├── progress.py │ ├── sdfg_diff.py │ ├── sdfgcc.py │ └── sdfv.py ├── codegen │ ├── CMakeLists.txt │ ├── Xilinx_IP.tcl.in │ ├── __init__.py │ ├── codegen.py │ ├── codeobject.py │ ├── common.py │ ├── compiled_sdfg.py │ ├── compiler.py │ ├── control_flow.py │ ├── cppunparse.py │ ├── dispatcher.py │ ├── exceptions.py │ ├── instrumentation │ │ ├── __init__.py │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── data_dump.py │ │ │ └── data_report.py │ │ ├── fpga.py │ │ ├── gpu_events.py │ │ ├── likwid.py │ │ ├── papi.py │ │ ├── provider.py │ │ ├── report.py │ │ └── timer.py │ ├── prettycode.py │ ├── targets │ │ ├── __init__.py │ │ ├── cpp.py │ │ ├── cpu.py │ │ ├── cuda.py │ │ ├── fpga.py │ │ ├── framecode.py │ │ ├── intel_fpga.py │ │ ├── mlir │ │ │ ├── __init__.py │ │ │ ├── mlir.cmake │ │ │ ├── mlir.py │ │ │ └── utils.py │ │ ├── mpi.py │ │ ├── rtl.py │ │ ├── snitch.py │ │ ├── sve │ │ │ ├── __init__.py │ │ │ ├── codegen.py │ │ │ ├── infer.py │ │ │ ├── preprocess.py │ │ │ ├── type_compatibility.py │ │ │ ├── unparse.py │ │ │ └── util.py │ │ ├── target.py │ │ ├── unroller.py │ │ └── xilinx.py │ └── tools │ │ ├── __init__.py │ │ ├── dacestub.cpp │ │ ├── get_cuda_arch.cpp │ │ ├── get_hip_arch.cpp │ │ ├── gpu_runtime.py │ │ └── type_inference.py ├── config.py ├── config_schema.yml ├── data │ ├── __init__.py │ ├── core.py │ ├── creation.py │ ├── ctypes_interop.py │ ├── ml.py │ └── tensor.py ├── distr_types.py ├── dtypes.py ├── fpga_testing.py ├── frontend │ ├── __init__.py │ ├── common │ │ ├── __init__.py │ │ ├── einsum.py │ │ └── op_repository.py │ ├── fortran │ │ ├── __init__.py │ │ ├── ast_components.py │ │ ├── ast_internal_classes.py │ │ ├── ast_transforms.py │ │ ├── ast_utils.py │ │ ├── fortran_parser.py │ │ └── intrinsics.py │ ├── ml │ │ ├── __init__.py │ │ ├── onnx │ │ │ ├── __init__.py │ │ │ └── importer.py │ │ ├── tensorflow │ │ │ ├── __init__.py │ │ │ ├── tensorflow.py │ │ │ ├── transformations │ │ │ │ ├── __init__.py │ │ │ │ └── redundant_array.py │ │ │ └── winograd.py │ │ └── torch │ │ │ ├── __init__.py │ │ │ ├── interface.py │ │ │ └── module.py │ ├── octave │ │ ├── __init__.py │ │ ├── ast_arrayaccess.py │ │ ├── ast_assign.py │ │ ├── ast_expression.py │ │ ├── ast_function.py │ │ ├── ast_loop.py │ │ ├── ast_matrix.py │ │ ├── ast_node.py │ │ ├── ast_nullstmt.py │ │ ├── ast_range.py │ │ ├── ast_values.py │ │ ├── lexer.py │ │ └── parse.py │ ├── operations.py │ └── python │ │ ├── README.md │ │ ├── __init__.py │ │ ├── astutils.py │ │ ├── cached_program.py │ │ ├── common.py │ │ ├── interface.py │ │ ├── memlet_parser.py │ │ ├── ndloop.py │ │ ├── nested_call.py │ │ ├── newast.py │ │ ├── parser.py │ │ ├── preprocessing.py │ │ ├── python_supported_features.md │ │ ├── replacements │ │ ├── __init__.py │ │ ├── array_creation.py │ │ ├── array_creation_cupy.py │ │ ├── array_creation_dace.py │ │ ├── array_manipulation.py │ │ ├── array_metadata.py │ │ ├── fft.py │ │ ├── filtering.py │ │ ├── linalg.py │ │ ├── misc.py │ │ ├── mpi.py │ │ ├── operators.py │ │ ├── pymath.py │ │ ├── reduction.py │ │ ├── torch_autodiff.py │ │ ├── ufunc.py │ │ └── utils.py │ │ ├── tasklet_runner.py │ │ └── wrappers.py ├── hooks.py ├── jupyter.py ├── libraries │ ├── __init__.py │ ├── blas │ │ ├── __init__.py │ │ ├── blas_helpers.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ ├── blas.py │ │ │ ├── cublas.py │ │ │ ├── intel_mkl.py │ │ │ ├── openblas.py │ │ │ └── rocblas.py │ │ ├── include │ │ │ ├── dace_blas.h │ │ │ ├── dace_cublas.h │ │ │ └── dace_rocblas.h │ │ └── nodes │ │ │ ├── __init__.py │ │ │ ├── axpy.py │ │ │ ├── batched_matmul.py │ │ │ ├── dot.py │ │ │ ├── einsum.py │ │ │ ├── gemm.py │ │ │ ├── gemv.py │ │ │ ├── ger.py │ │ │ └── matmul.py │ ├── fft │ │ ├── __init__.py │ │ ├── algorithms │ │ │ ├── __init__.py │ │ │ └── dft.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ └── cufft.py │ │ └── nodes │ │ │ ├── __init__.py │ │ │ └── fft.py │ ├── lapack │ │ ├── __init__.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ └── cusolverdn.py │ │ ├── include │ │ │ └── dace_cusolverdn.h │ │ └── nodes │ │ │ ├── __init__.py │ │ │ ├── getrf.py │ │ │ ├── getri.py │ │ │ ├── getrs.py │ │ │ └── potrf.py │ ├── linalg │ │ ├── __init__.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ └── cutensor.py │ │ ├── include │ │ │ └── dace_cutensor.h │ │ └── nodes │ │ │ ├── __init__.py │ │ │ ├── cholesky.py │ │ │ ├── inv.py │ │ │ ├── solve.py │ │ │ └── tensordot.py │ ├── mpi │ │ ├── __init__.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ └── mpi.py │ │ ├── nodes │ │ │ ├── __init__.py │ │ │ ├── allgather.py │ │ │ ├── allreduce.py │ │ │ ├── alltoall.py │ │ │ ├── bcast.py │ │ │ ├── dummy.py │ │ │ ├── gather.py │ │ │ ├── irecv.py │ │ │ ├── isend.py │ │ │ ├── node.py │ │ │ ├── recv.py │ │ │ ├── redistribute.py │ │ │ ├── reduce.py │ │ │ ├── scatter.py │ │ │ ├── send.py │ │ │ └── wait.py │ │ └── utils.py │ ├── onnx │ │ ├── __init__.py │ │ ├── converters.py │ │ ├── forward_implementation_abc.py │ │ ├── nodes │ │ │ ├── __init__.py │ │ │ ├── node_utils.py │ │ │ ├── onnx_op.py │ │ │ └── onnx_op_registry.py │ │ ├── onnx.md │ │ ├── op_implementations │ │ │ ├── __init__.py │ │ │ ├── array_ops.py │ │ │ ├── common.py │ │ │ ├── criteria_implementations.py │ │ │ ├── elementwise_ops.py │ │ │ ├── image_ops.py │ │ │ ├── img_op_implementations.py │ │ │ ├── linalg_ops.py │ │ │ ├── normalization_ops.py │ │ │ ├── reduction_ops.py │ │ │ └── utils.py │ │ └── schema.py │ ├── pblas │ │ ├── __init__.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ ├── intel_mkl_mpich.cmake │ │ │ ├── intel_mkl_mpich.py │ │ │ ├── intel_mkl_openmpi.py │ │ │ ├── ref_mpich.py │ │ │ └── ref_openmpi.py │ │ ├── include │ │ │ └── scalapack.h │ │ └── nodes │ │ │ ├── __init__.py │ │ │ ├── pgeadd.py │ │ │ ├── pgemm.py │ │ │ └── pgemv.py │ ├── sparse │ │ ├── __init__.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ ├── cusparse.py │ │ │ └── intel_mkl.py │ │ ├── include │ │ │ └── dace_cusparse.h │ │ └── nodes │ │ │ ├── __init__.py │ │ │ ├── csrmm.py │ │ │ └── csrmv.py │ ├── standard │ │ ├── __init__.py │ │ ├── environments │ │ │ ├── __init__.py │ │ │ ├── cuda.py │ │ │ └── hptt.py │ │ ├── memory.py │ │ ├── nodes │ │ │ ├── __init__.py │ │ │ ├── code.py │ │ │ ├── gearbox.py │ │ │ ├── reduce.py │ │ │ ├── transpose.py │ │ │ └── ttranspose.py │ │ └── reduction_planner.py │ ├── stencil │ │ ├── __init__.py │ │ ├── _common.py │ │ ├── cpu.py │ │ ├── intel_fpga.py │ │ ├── stencil.py │ │ └── subscript_converter.py │ └── torch │ │ ├── __init__.py │ │ ├── dispatchers │ │ ├── __init__.py │ │ ├── common.py │ │ ├── cpp_torch_extension.py │ │ └── ctypes_module.py │ │ ├── dlpack.py │ │ ├── environments │ │ ├── __init__.py │ │ └── pytorch_env.py │ │ └── torch.md ├── library.py ├── memlet.py ├── ml │ └── __init__.py ├── optimization │ ├── __init__.py │ ├── auto_tuner.py │ ├── cutout_tuner.py │ ├── data_layout_tuner.py │ ├── distributed_cutout_tuner.py │ ├── map_permutation_tuner.py │ ├── map_tiling_tuner.py │ ├── on_the_fly_map_fusion_tuner.py │ ├── subgraph_fusion_tuner.py │ └── utils.py ├── properties.py ├── registry.py ├── runtime │ └── include │ │ └── dace │ │ ├── comm.h │ │ ├── complex.h │ │ ├── copy.h │ │ ├── cuda │ │ ├── copy.cuh │ │ ├── cudacommon.cuh │ │ ├── dynmap.cuh │ │ ├── halfvec.cuh │ │ ├── multidim_gbar.cuh │ │ ├── stream.cuh │ │ └── vectype.cuh │ │ ├── cudainterop.h │ │ ├── dace.h │ │ ├── fpga_common.h │ │ ├── fpga_device.h │ │ ├── fpga_host.h │ │ ├── intel_fpga │ │ ├── device.h │ │ ├── host.h │ │ └── math.h │ │ ├── intset.h │ │ ├── math.h │ │ ├── nan.h │ │ ├── os.h │ │ ├── perf │ │ ├── papi.h │ │ └── reporting.h │ │ ├── pi.h │ │ ├── pyinterop.h │ │ ├── reduction.h │ │ ├── serialization.h │ │ ├── stream.h │ │ ├── types.h │ │ ├── vector.h │ │ └── xilinx │ │ ├── access.h │ │ ├── device.h │ │ ├── host.h │ │ ├── math.h │ │ ├── reduce.h │ │ ├── stream.h │ │ └── vec.h ├── sdfg │ ├── __init__.py │ ├── analysis │ │ ├── __init__.py │ │ ├── cfg.py │ │ ├── cutout.py │ │ ├── schedule_tree │ │ │ ├── __init__.py │ │ │ ├── passes.py │ │ │ ├── sdfg_to_tree.py │ │ │ └── treenodes.py │ │ ├── vector_inference.py │ │ └── writeset_underapproximation.py │ ├── graph.py │ ├── infer_types.py │ ├── memlet_utils.py │ ├── nodes.py │ ├── performance_evaluation │ │ ├── assumptions.py │ │ ├── helpers.py │ │ ├── op_in_helpers.py │ │ ├── operational_intensity.py │ │ └── work_depth.py │ ├── propagation.py │ ├── replace.py │ ├── scope.py │ ├── sdfg.py │ ├── state.py │ ├── tasklet_validation.py │ ├── utils.py │ └── validation.py ├── serialize.py ├── sourcemap.py ├── subsets.py ├── symbolic.py ├── transformation │ ├── __init__.py │ ├── auto │ │ ├── __init__.py │ │ ├── auto_optimize.py │ │ └── fpga.py │ ├── change_strides.py │ ├── dataflow │ │ ├── __init__.py │ │ ├── add_threadblock_map.py │ │ ├── bank_split.py │ │ ├── buffer_tiling.py │ │ ├── copy_to_device.py │ │ ├── copy_to_map.py │ │ ├── dedup_access.py │ │ ├── double_buffering.py │ │ ├── gpu_grid_stride_tiling.py │ │ ├── gpu_transform.py │ │ ├── gpu_transform_local_storage.py │ │ ├── hbm_transform.py │ │ ├── lift_einsum.py │ │ ├── local_storage.py │ │ ├── map_collapse.py │ │ ├── map_dim_shuffle.py │ │ ├── map_distribution.py │ │ ├── map_expansion.py │ │ ├── map_fission.py │ │ ├── map_for_loop.py │ │ ├── map_fusion.py │ │ ├── map_fusion_helper.py │ │ ├── map_fusion_horizontal.py │ │ ├── map_fusion_vertical.py │ │ ├── map_interchange.py │ │ ├── map_unroll.py │ │ ├── mapreduce.py │ │ ├── matrix_product_transpose.py │ │ ├── merge_arrays.py │ │ ├── mpi.py │ │ ├── otf_map_fusion.py │ │ ├── prune_connectors.py │ │ ├── reduce_expansion.py │ │ ├── redundant_array.py │ │ ├── redundant_array_copying.py │ │ ├── stream_transient.py │ │ ├── streaming_memory.py │ │ ├── strip_mining.py │ │ ├── sve │ │ │ ├── infer_types.py │ │ │ └── vectorization.py │ │ ├── tasklet_fusion.py │ │ ├── tiling.py │ │ ├── tiling_with_overlap.py │ │ ├── trivial_map_elimination.py │ │ ├── trivial_tasklet_elimination.py │ │ ├── vectorization.py │ │ ├── warp_tiling.py │ │ └── wcr_conversion.py │ ├── estimator │ │ ├── __init__.py │ │ └── enumeration │ │ │ ├── __init__.py │ │ │ ├── brute_force_enumerator.py │ │ │ ├── connected_enumerator.py │ │ │ ├── enumerator.py │ │ │ ├── greedy_enumerator.py │ │ │ └── scoring_enumerator.py │ ├── helpers.py │ ├── interstate │ │ ├── __init__.py │ │ ├── block_fusion.py │ │ ├── condition_fusion.py │ │ ├── condition_map_interchange.py │ │ ├── fpga_transform_sdfg.py │ │ ├── fpga_transform_state.py │ │ ├── gpu_transform_sdfg.py │ │ ├── loop_detection.py │ │ ├── loop_lifting.py │ │ ├── loop_overwrite_elimination.py │ │ ├── loop_peeling.py │ │ ├── loop_to_map.py │ │ ├── loop_unroll.py │ │ ├── move_assignment_outside_if.py │ │ ├── move_loop_into_map.py │ │ ├── multistate_inline.py │ │ ├── sdfg_nesting.py │ │ ├── state_elimination.py │ │ ├── state_fusion.py │ │ ├── state_fusion_with_happens_before.py │ │ └── trivial_loop_elimination.py │ ├── onnx │ │ ├── __init__.py │ │ ├── constant_folding.py │ │ ├── optimize.py │ │ ├── parameter_to_transient.py │ │ └── replacement.py │ ├── optimizer.py │ ├── pass_pipeline.py │ ├── passes │ │ ├── __init__.py │ │ ├── analysis │ │ │ ├── __init__.py │ │ │ ├── analysis.py │ │ │ ├── loop_analysis.py │ │ │ └── scope_data_and_symbol_analysis.py │ │ ├── array_elimination.py │ │ ├── consolidate_edges.py │ │ ├── constant_propagation.py │ │ ├── dead_dataflow_elimination.py │ │ ├── dead_state_elimination.py │ │ ├── empty_loop_elimination.py │ │ ├── full_map_fusion.py │ │ ├── fusion_inline.py │ │ ├── lift_struct_views.py │ │ ├── loop_local_memory_reduction.py │ │ ├── optional_arrays.py │ │ ├── pattern_matching.py │ │ ├── prune_symbols.py │ │ ├── reference_reduction.py │ │ ├── scalar_fission.py │ │ ├── scalar_to_symbol.py │ │ ├── simplification │ │ │ ├── __init__.py │ │ │ ├── continue_to_condition.py │ │ │ ├── control_flow_raising.py │ │ │ └── prune_empty_conditional_branches.py │ │ ├── simplify.py │ │ ├── split_tasklets.py │ │ ├── symbol_propagation.py │ │ ├── symbol_ssa.py │ │ ├── transient_reuse.py │ │ └── util.py │ ├── subgraph │ │ ├── __init__.py │ │ ├── composite.py │ │ ├── expansion.py │ │ ├── gpu_persistent_fusion.py │ │ ├── helpers.py │ │ ├── stencil_tiling.py │ │ ├── subgraph_fusion.py │ │ └── temporal_vectorization.py │ ├── testing.py │ └── transformation.py ├── utils.py ├── version.py └── viewer │ └── templates │ ├── sdfv.html │ ├── sdfv_base.html │ └── sdfv_diff_view.html ├── doc ├── Makefile ├── _static │ ├── css │ │ └── custom.css │ ├── embed.html │ └── sdfg │ │ ├── example.sdfg │ │ ├── gpu-notb.sdfg │ │ ├── gpu-tb.sdfg │ │ ├── reference.sdfg │ │ ├── scalarsym.sdfg │ │ └── spmv.sdfg ├── codegen │ ├── codegen.gif │ └── codegen.rst ├── conf.py ├── design │ ├── README.md │ ├── codegen.md │ ├── descriptors.md │ └── frontend.md ├── extensions │ ├── extensions.rst │ └── properties.rst ├── frontend │ ├── daceprograms.rst │ ├── images │ │ ├── assign-stmt.png │ │ ├── augassign-stmt.png │ │ ├── explicit-memlet.png │ │ ├── for-break-loop.png │ │ ├── for-continue-loop.png │ │ ├── for-loop.png │ │ ├── frontend-steps.png │ │ ├── if-stmt.png │ │ ├── preprocess-steps.png │ │ └── while-loop.png │ ├── npsupport.rst │ ├── parsing.rst │ ├── pysupport.rst │ └── python.rst ├── general │ ├── debugging.rst │ ├── errors.rst │ ├── glossary.rst │ └── structure.rst ├── ide │ ├── cli.rst │ ├── images │ │ ├── add_edge_button.png │ │ ├── add_xform_from_file_btn.png │ │ ├── add_xform_from_folder_btn.png │ │ ├── box_select_button.png │ │ ├── collapse_all_sdfg.png │ │ ├── compile_sdfg.png │ │ ├── expand_all_sdfg.png │ │ ├── generate_code.gif │ │ ├── localview_demo.gif │ │ ├── move_element_button.png │ │ ├── runtime_overlay.png │ │ ├── sdfg_adding_elements.gif │ │ ├── sdfg_editor.gif │ │ ├── sdfg_optimization.gif │ │ ├── show_all_sdfg.png │ │ ├── static_analysis.gif │ │ ├── transformation_history.gif │ │ ├── vscode_demo.gif │ │ └── vscode_overview.png │ └── vscode.rst ├── index.rst ├── optimization │ ├── blas.rst │ ├── fpga.rst │ ├── gpu.rst │ ├── images │ │ └── overview.png │ ├── optimization.rst │ ├── profiling.rst │ └── vscode.rst ├── schema_generator.py ├── sdfg │ ├── auto_optimize.rst │ ├── images │ │ ├── connectors.svg │ │ ├── elements.svg │ │ ├── memlet-scopes.svg │ │ ├── memprop.png │ │ ├── scope-tree.svg │ │ ├── scope.svg │ │ ├── transient.svg │ │ └── views.svg │ ├── ir.rst │ ├── passes.rst │ ├── simplify.rst │ ├── transformations.rst │ └── transforming.rst ├── setup │ ├── config.rst │ ├── images │ │ └── refresh.png │ ├── installation.rst │ ├── integration.rst │ └── quickstart.rst └── source │ ├── dace.cli.rst │ ├── dace.codegen.instrumentation.rst │ ├── dace.codegen.rst │ ├── dace.codegen.targets.rst │ ├── dace.frontend.common.rst │ ├── dace.frontend.octave.rst │ ├── dace.frontend.python.rst │ ├── dace.frontend.rst │ ├── dace.optimization.rst │ ├── dace.rst │ ├── dace.sdfg.rst │ ├── dace.transformation.auto.rst │ ├── dace.transformation.dataflow.rst │ ├── dace.transformation.interstate.rst │ ├── dace.transformation.passes.rst │ ├── dace.transformation.rst │ └── dace.transformation.subgraph.rst ├── pytest.ini ├── requirements.txt ├── samples ├── README.md ├── codegen │ └── tensor_cores.py ├── distributed │ ├── jacobi_1d.py │ ├── jacobi_2d.py │ ├── poly_gemm.py │ ├── poly_gemm_bc.py │ ├── poly_gesummv.py │ └── polybench.py ├── explicit │ ├── README.md │ ├── cc.py │ ├── fibonacci.py │ ├── filter.py │ └── histogram.py ├── fpga │ ├── axpy_transformed.py │ ├── gemm_systolic_vectorized.py │ ├── gemv_fpga.py │ ├── histogram_fpga.py │ ├── jacobi_fpga_systolic.py │ ├── matrix_multiplication_pipelined.py │ ├── matrix_multiplication_stream.py │ ├── matrix_multiplication_systolic.py │ ├── rtl │ │ ├── add_fortytwo.py │ │ ├── axpy.py │ │ ├── axpy_double_pump.py │ │ ├── fladd.py │ │ ├── pipeline.py │ │ ├── rtl_multi_tasklet.py │ │ ├── rtl_tasklet_parameter.py │ │ ├── rtl_tasklet_pipeline.py │ │ ├── rtl_tasklet_scalar.py │ │ └── rtl_tasklet_vector.py │ └── spmv_fpga_stream.py ├── instrumentation │ ├── matmul_likwid.py │ └── matmul_likwid_gpu.py ├── optimization │ ├── README.md │ ├── matmul.py │ └── tuning.py ├── sdfg_api │ ├── README.md │ ├── control_flow.py │ ├── cublas_tasklet.py │ ├── jagged_arrays.py │ ├── nested_states.py │ └── stencil_boundaries.py ├── simple │ ├── README.md │ ├── axpy.py │ ├── laplace.py │ ├── mandelbrot.py │ └── spmv.py └── snitch │ └── axpy.py ├── setup.py ├── test_all.sh ├── tests ├── .gitignore ├── __init__.py ├── add_edge_pair_test.py ├── add_state_api_test.py ├── argmax_test.py ├── array_interface_test.py ├── autodiff │ ├── test_multi_state.py │ ├── test_nested.py │ ├── test_single_state.py │ └── torch_backward │ │ ├── test_dont_compute_input_grads.py │ │ ├── test_dropout.py │ │ ├── test_extremal_reduction_backward.py │ │ ├── test_full_training_graph.py │ │ ├── test_llama_decoder_backward.py │ │ ├── test_llama_for_causalLM_backward.py │ │ ├── test_multi_output_ad.py │ │ ├── test_pytorch.py │ │ └── test_training.py ├── autooptimize │ └── tile_wcr_test.py ├── blas │ └── nodes │ │ ├── axpy_test.py │ │ ├── blas_nodes_test.py │ │ ├── dot_test.py │ │ ├── gemv_test.py │ │ └── ger_test.py ├── blockreduce_cudatest.py ├── buffer_tiling_test.py ├── call_sdfg_test.py ├── callback_test.py ├── canonicalize_memlet_tree_test.py ├── chained_nested_tasklet_test.py ├── chained_tasklet_test.py ├── codegen │ ├── __init__.py │ ├── alias_test.py │ ├── allocation_lifetime_test.py │ ├── argumet_signature_test.py │ ├── arraywrite_result_test.py │ ├── atomic_xchg_test.py │ ├── codegen_used_symbols_test.py │ ├── concurrent_subgraph_test.py │ ├── constant_arrays_test.py │ ├── control_flow_generation_test.py │ ├── cpp_test.py │ ├── cuda_mempool_test.py │ ├── data_instrumentation_test.py │ ├── dependency_edge_test.py │ ├── dynamic_memlet_test.py │ ├── external_memory_test.py │ ├── gpu_allocation_order.py │ ├── gpu_launch_bounds_test.py │ ├── gpu_maxnreg.py │ ├── gpu_memcpy_test.py │ ├── gpu_scalar_execution_context_test.py │ ├── init_contains_scalars.py │ ├── map_launch_test.py │ ├── mpi_axpy.py │ ├── multicopy_test.py │ ├── nested_kernel_transient_test.py │ ├── no_emit_copy_on_empty_memlet_test.py │ ├── non_trivally_copyable_copy.py │ ├── sve │ │ ├── __init__.py │ │ ├── application_axpy_test.py │ │ ├── application_filter_test.py │ │ ├── application_spmv_test.py │ │ ├── ast_test.py │ │ ├── common.py │ │ ├── map_test.py │ │ ├── memlet_test.py │ │ ├── stream_test.py │ │ └── wcr_test.py │ ├── symbol_arguments_test.py │ ├── tasklet_generation_test.py │ ├── tasklet_with_global_state_test.py │ ├── transient_same_name_test.py │ ├── unparse_tasklet_test.py │ ├── unroller_general_test.py │ ├── unroller_test.py │ ├── warp_specialization_test.py │ └── wcr_atomic_test.py ├── compile_sdfg_test.py ├── config_test.py ├── confres_test.py ├── conftest.py ├── consolidate_edges_test.py ├── const_access_test.py ├── const_utilities_test.py ├── constant_array_test.py ├── consume_chunk_cond_test.py ├── consume_test.py ├── control_flow_test.py ├── copynd_test.py ├── cpp_tasklet_test.py ├── cppunparse_test.py ├── cr_complex_test.py ├── cuda_block_test.py ├── cuda_grid2d_test.py ├── cuda_grid_test.py ├── cuda_highdim_kernel_test.py ├── cuda_smem2d_test.py ├── cuda_smem_test.py ├── cuda_test.sh ├── custom_build_folder_test.py ├── custom_reduce_test.py ├── datadesc_test.py ├── default_storage_test.py ├── different_stride_test.py ├── duplicate_arg_test.py ├── duplicate_naming_test.py ├── dynamic_sdfg_functions_test.py ├── dynamic_tb_map_cudatest.py ├── e2e_test.sh ├── enumerator_test.py ├── external_module.py ├── external_module_test.py ├── external_repository_registry_test.py ├── fortran │ ├── allocate_test.py │ ├── array_attributes_test.py │ ├── array_test.py │ ├── array_to_loop_offset.py │ ├── ast_utils_test.py │ ├── call_extract_test.py │ ├── dace_support_test.py │ ├── fortran_language_test.py │ ├── fortran_loops_test.py │ ├── intrinsic_all_test.py │ ├── intrinsic_any_test.py │ ├── intrinsic_basic_test.py │ ├── intrinsic_count_test.py │ ├── intrinsic_math_test.py │ ├── intrinsic_merge_test.py │ ├── intrinsic_minmaxval_test.py │ ├── intrinsic_product_test.py │ ├── intrinsic_sum_test.py │ ├── offset_normalizer_test.py │ ├── parent_test.py │ ├── scope_arrays_test.py │ ├── sum_to_loop_offset_test.py │ └── view_test.py ├── fpga │ ├── auto_opt_fpga_test.py │ ├── autorun_test.py │ ├── axpy_transform_test.py │ ├── bank_split_test.py │ ├── channel_mangling_test.py │ ├── conflict_resolution_test.py │ ├── dot_fpga_test.py │ ├── fpga_instrumentation_test.py │ ├── fpga_stencil_test.py │ ├── gemv_fpga_test.py │ ├── hbm_transform_test.py │ ├── jacobi_fpga_test.py │ ├── kernel_detection_test.py │ ├── long_long_opencl_test.py │ ├── mandelbrot_fpga_test.py │ ├── map_unroll_processing_elements_test.py │ ├── matmul_test.py │ ├── memory_buffering_test.py │ ├── multibank_copy_fpga_test.py │ ├── multibank_deeply_nested_fpga_test.py │ ├── multibank_dynamic_memlets_test.py │ ├── multibank_multiple_interface_test.py │ ├── multibank_reduce_fpga_test.py │ ├── multibank_vadd_fpga_test.py │ ├── multibank_validation_test.py │ ├── multiple_kernels_stream.py │ ├── multiple_kernels_test.py │ ├── multiple_veclen_conversions_test.py │ ├── nested_sdfg_as_kernel_test.py │ ├── overapprox_transient_shapes_test.py │ ├── pipeline_scope_test.py │ ├── power_opencl_test.py │ ├── reduce_fpga_test.py │ ├── remove_degenerate_loop_test.py │ ├── reshape_view_fpga_test.py │ ├── simple_systolic_array_test.py │ ├── spmv_fpga_test.py │ ├── streaming_memory_test.py │ ├── type_inference_test.py │ ├── unique_nested_sdfg_fpga_test.py │ ├── vec_sum_test.py │ ├── veclen_conversion_connector_test.py │ ├── veclen_conversion_test.py │ ├── veclen_copy_conversion_test.py │ ├── vector_reduce_test.py │ └── xilinx_interstate_preprocessing.py ├── fpga_polybench_test.sh ├── global_resolver_test.py ├── graph_test.py ├── half_cudatest.py ├── halfvec_cudatest.py ├── host_map_host_data_test.py ├── ifchain_test.py ├── implicit_sdfg_test.py ├── indirection_test.py ├── inline_chain_test.py ├── inline_external_edges_test.py ├── inline_noinput_test.py ├── inline_noncontig_dim_test.py ├── inline_nonsink_access_test.py ├── inline_symbol_test.py ├── inlining_test.py ├── instrumentation_test.py ├── intarg_test.py ├── interface │ └── hooks_test.py ├── interstate_assignment_test.py ├── interstate_edge_utils_test.py ├── kernel_fusion_cudatest.py ├── lib_reuse_test.py ├── library │ ├── addlib │ │ └── __init__.py │ ├── barlib │ │ └── __init__.py │ ├── batched_matmul_test.py │ ├── blas_dot_test.py │ ├── codelibnode_test.py │ ├── einsum_blas_test.py │ ├── fft_test.py │ ├── foolib │ │ └── __init__.py │ ├── gemm_test.py │ ├── include_test.py │ ├── lapack_getrf_test.py │ ├── lapack_getri_test.py │ ├── lapack_getrs_test.py │ ├── lapack_potrf_test.py │ ├── library_node_expand_test.py │ ├── linalg_cholesky_test.py │ ├── linalg_inv_test.py │ ├── linalg_solve_test.py │ ├── matmul_cudatest.py │ ├── mpi │ │ ├── mpi4py_test.py │ │ ├── mpi_allgather_test.py │ │ ├── mpi_allreduce_test.py │ │ ├── mpi_alltoall_test.py │ │ ├── mpi_bcast_test.py │ │ ├── mpi_isend_irecv_test.py │ │ ├── mpi_reduce_test.py │ │ ├── mpi_scatter_test.py │ │ ├── mpi_send_recv_test.py │ │ ├── process_grids_test.py │ │ ├── redistribute_test.py │ │ └── subarrays_test.py │ ├── pblas │ │ ├── pgemm_test.py │ │ └── pgemv_test.py │ ├── reduce_test.py │ ├── register_expansion_test.py │ ├── scalars_gpu_test.py │ ├── sparse │ │ ├── csrmm_test.py │ │ └── csrmv_test.py │ ├── stencil │ │ └── stencil_node_test.py │ └── two_pkgs_test.py ├── local_inline_test.py ├── loop_flat_test.cpp ├── map_dim_shuffle_test.py ├── map_indirect_array_test.py ├── mapreduce_test.py ├── memlet_lifetime_validation_test.py ├── memlet_propagation_decreasing_test.py ├── memlet_propagation_squeezing_test.py ├── memlet_propagation_test.py ├── memlet_propagation_volume_test.py ├── mlir_tasklet_test.py ├── mpi_test.sh ├── multi_inline_test.py ├── multi_output_scope_test.py ├── multiple_cr_test.py ├── multiple_tasklet_test.py ├── multiprogram_cudatest.py ├── multistate_init_test.py ├── multistream_copy_cudatest.py ├── multistream_custom_cudatest.py ├── multistream_kernel_cudatest.py ├── ndloop_test.py ├── nest_subgraph_test.py ├── nested_control_flow_test.py ├── nested_cr_test.py ├── nested_loop_test.py ├── nested_reduce_test.py ├── nested_sdfg_python_test.py ├── nested_sdfg_scalar_test.py ├── nested_sdfg_test.py ├── nested_stream_test.py ├── nested_strides_test.py ├── nested_symbol_partial_test.py ├── nested_symbol_test.py ├── nested_vector_type_test.py ├── npbench │ ├── deep_learning │ │ ├── conv2d_bias_test.py │ │ ├── lenet_test.py │ │ ├── mlp_test.py │ │ ├── resnet_test.py │ │ └── softmax_test.py │ ├── misc │ │ ├── arc_distance_test.py │ │ ├── azimint_hist_test.py │ │ ├── azimint_naive_test.py │ │ ├── cavity_flow_test.py │ │ ├── channel_flow_test.py │ │ ├── compute_test.py │ │ ├── contour_integral_test.py │ │ ├── crc16_test.py │ │ ├── go_fast_test.py │ │ ├── mandelbrot1_test.py │ │ ├── mandelbrot2_test.py │ │ ├── nbody_test.py │ │ ├── scattering_self_test.py │ │ ├── spmv_test.py │ │ └── stockham_fft_test.py │ ├── polybench │ │ ├── adi_test.py │ │ ├── atax_test.py │ │ ├── bicg_test.py │ │ ├── cholesky2_test.py │ │ ├── cholesky_test.py │ │ ├── correlation_test.py │ │ ├── covariance_test.py │ │ ├── deriche_test.py │ │ ├── doitgen_test.py │ │ ├── durbin_test.py │ │ ├── fdtd_2d_test.py │ │ ├── floyd_warshall_test.py │ │ ├── gemm_npbench_test.py │ │ ├── gemver_test.py │ │ ├── gesummv_test.py │ │ ├── gramschmidt_test.py │ │ ├── heat_3d_test.py │ │ ├── jacobi_1d_test.py │ │ ├── jacobi_2d_test.py │ │ ├── k2mm_test.py │ │ ├── k3mm_test.py │ │ ├── lu_test.py │ │ ├── ludcmp_test.py │ │ ├── mvt_test.py │ │ ├── nussinov_test.py │ │ ├── seidel_2d_test.py │ │ ├── symm_test.py │ │ ├── syr2k_test.py │ │ ├── syrk_test.py │ │ ├── trisolv_test.py │ │ └── trmm_test.py │ └── weather_stencils │ │ ├── hdiff_test.py │ │ └── vadv_test.py ├── numpy │ ├── advanced_indexing_test.py │ ├── array_creation_test.py │ ├── assign_in_map_test.py │ ├── assignment_test.py │ ├── attention_simple_test.py │ ├── attention_test.py │ ├── attribute_test.py │ ├── augassign_test.py │ ├── basic_test.py │ ├── binop_broadcasting_test.py │ ├── binop_test.py │ ├── binop_with_pseudoscalars_test.py │ ├── binop_with_scalars_test.py │ ├── builtins_test.py │ ├── common.py │ ├── concat_test.py │ ├── constants_test.py │ ├── copies_and_views_test.py │ ├── dTGL_test.py │ ├── dace_elementwise_test.py │ ├── datatype_conversion_test.py │ ├── einsum_test.py │ ├── element_assignment_test.py │ ├── eye_test.py │ ├── flip_test.py │ ├── gpu_test.py │ ├── indirection_test.py │ ├── inline_scalar_test.py │ ├── linalg_test.py │ ├── list_globals_test.py │ ├── map_syntax_test.py │ ├── math_test.py │ ├── matmul_delegation_test.py │ ├── matrix_multiplication_test.py │ ├── matrix_product_transpose_test.py │ ├── ndarray_attributes_methods_test.py │ ├── negative_indices_test.py │ ├── nested_call_subarray_test.py │ ├── nested_subrange_test.py │ ├── npdot_test.py │ ├── pi_test.py │ ├── range_indirection_test.py │ ├── reductions_test.py │ ├── reshape_test.py │ ├── retval_test.py │ ├── rgf_exhaustivetest.py │ ├── rot90_test.py │ ├── rowwise_assign_test.py │ ├── scalar_array_op_test.py │ ├── searching_test.py │ ├── sequential_conditionals_test.py │ ├── slice_test.py │ ├── split_test.py │ ├── sse_test.py │ ├── subarray_assignment_test.py │ ├── subarray_in_nested_call_test.py │ ├── symbol_in_function_test.py │ ├── transient_test.py │ ├── transpose_test.py │ ├── ufunc_nested_call_test.py │ ├── ufunc_replicated_input.py │ ├── ufunc_support_test.py │ ├── ufunc_test.py │ ├── unop_test.py │ └── variable_reassignment_test.py ├── numpy_bool_input_test.py ├── octave │ ├── add.m │ ├── cholesky.m │ ├── forloop.m │ ├── matrix_scalar_add.m │ ├── mult.m │ ├── octave_test.py │ └── scalar_add.m ├── offset_stride_test.py ├── onnx │ ├── pure_expansions │ │ ├── test_conv_expansion.py │ │ ├── test_expansion_utils.py │ │ └── test_expansions.py │ ├── test_bert_subgraphs.py │ ├── test_input_outputs.py │ ├── test_models │ │ └── test_bert.py │ ├── test_name_shadowing.py │ ├── test_onnx_return_scalars.py │ ├── test_python_frontend.py │ ├── test_shared_input_output.py │ └── test_variadic.py ├── openmp_test.py ├── parallel_sections_test.py ├── parse_state_struct_test.py ├── passes │ ├── access_ranges_test.py │ ├── array_elimination_test.py │ ├── constant_propagation_test.py │ ├── dead_code_elimination_test.py │ ├── empty_loop_elimination_test.py │ ├── find_single_use_data_test.py │ ├── lift_struct_views_test.py │ ├── loop_local_memory_reduction_test.py │ ├── pipeline_test.py │ ├── scalar_fission_test.py │ ├── scalar_to_symbol_test.py │ ├── scalar_write_shadow_scopes_analysis_test.py │ ├── sdfg_constraint_derivation_test.py │ ├── simplification │ │ ├── continue_to_condition_test.py │ │ ├── control_flow_raising_test.py │ │ └── prune_empty_conditional_branches_test.py │ ├── split_tasklets_test.py │ ├── symbol_propagation_test.py │ ├── symbol_ssa_test.py │ ├── symbol_write_scopes_analysis_test.py │ └── writeset_underapproximation_test.py ├── persistent_fusion_cudatest.py ├── persistent_map_cudatest.py ├── persistent_tb_map_cudatest.py ├── polybench │ ├── 2mm.py │ ├── 3mm.py │ ├── __init__.py │ ├── adi.py │ ├── atax.py │ ├── bicg.py │ ├── cholesky.py │ ├── correlation.py │ ├── covariance.py │ ├── deriche.py │ ├── doitgen.py │ ├── durbin.py │ ├── fdtd-2d.py │ ├── floyd-warshall.py │ ├── gemm.py │ ├── gemver.py │ ├── gesummv.py │ ├── gramschmidt.py │ ├── heat-3d.py │ ├── jacobi-1d.py │ ├── jacobi-2d.py │ ├── lu.py │ ├── ludcmp.py │ ├── mvt.py │ ├── nussinov.py │ ├── polybench.py │ ├── seidel-2d.py │ ├── symm.py │ ├── syr2k.py │ ├── syrk.py │ ├── trisolv.py │ └── trmm.py ├── polybench_test.sh ├── properties_test.py ├── python_frontend │ ├── argument_test.py │ ├── arithmetic_conversions_test.py │ ├── assert_test.py │ ├── assignment_statements_test.py │ ├── augassign_wcr_test.py │ ├── augmented_assignment_to_slice_test.py │ ├── binop_replacements_test.py │ ├── call_sdfg_with_symbols_test.py │ ├── callback_autodetect_test.py │ ├── callee_autodetect_test.py │ ├── conditional_assignment_test.py │ ├── conditional_regions_test.py │ ├── conditionals_test.py │ ├── constant_and_keyword_args_test.py │ ├── context_manager_test.py │ ├── context_managers │ │ ├── context_a.py │ │ └── context_b.py │ ├── dace_program_test.py │ ├── default_argument_test.py │ ├── device_annotations_test.py │ ├── fields_and_global_arrays_test.py │ ├── fstring_test.py │ ├── function_regions_test.py │ ├── global_folding_test.py │ ├── identifiers_and_keywords_test.py │ ├── indirection_in_map_test.py │ ├── indirection_with_scalars_test.py │ ├── indirections_test.py │ ├── inline_preprocessing_test.py │ ├── lambda_test.py │ ├── line_structure_test.py │ ├── loop_regions_test.py │ ├── loops_test.py │ ├── method_test.py │ ├── mpi4py │ │ └── comm_comparison_test.py │ ├── multiple_nested_sdfgs_test.py │ ├── named_region_test.py │ ├── nested_name_accesses_test.py │ ├── optional_array_test.py │ ├── parsing_context_test.py │ ├── power_operator_test.py │ ├── preparse_test.py │ ├── program_cache_test.py │ ├── pymath_test.py │ ├── python_slice_test.py │ ├── reassign_test.py │ ├── replacements_test.py │ ├── return_value_test.py │ ├── scope_test.py │ ├── sdfg_convertible_test.py │ ├── string_test.py │ ├── structures │ │ └── structure_python_test.py │ ├── subscript_regression_test.py │ ├── tasklet_runner_test.py │ ├── test_propagate_strict.py │ ├── transients_test.py │ ├── type_statement_test.py │ ├── unroll_test.py │ └── view_argument_test.py ├── range_add_test.py ├── range_from_string_test.py ├── read_after_write_test.py ├── reduce_offsets_test.py ├── reduce_strided_disabledtest.py ├── reduction_detection_test.py ├── registry_test.py ├── reloadable_lib_test.py ├── reshape_test.py ├── rtl │ ├── hardware_test.py │ └── simulation_test.py ├── runtime_test.cpp ├── safe_call_test.py ├── scalar_output_cudatest.py ├── schedule_inference_test.py ├── schedule_tree │ ├── naming_test.py │ ├── nesting_test.py │ └── schedule_test.py ├── sdfg │ ├── conditional_region_test.py │ ├── control_flow_inline_test.py │ ├── cutout_test.py │ ├── cycles_test.py │ ├── data │ │ ├── container_array_test.py │ │ ├── structure_test.py │ │ └── tensor_test.py │ ├── disallowed_access_test.py │ ├── free_symbols_test.py │ ├── interstate_assignment_test.py │ ├── interstate_condition_test.py │ ├── loop_region_test.py │ ├── memlet_utils_test.py │ ├── multiple_connector_test.py │ ├── nested_control_flow_regions_test.py │ ├── nested_sdfg_deepcopy_test.py │ ├── nodes_test.py │ ├── operational_intensity_test.py │ ├── reference_test.py │ ├── scalar_return.py │ ├── schedule_inference_test.py │ ├── state_test.py │ ├── utils_test.py │ ├── validation │ │ ├── nested_sdfg_test.py │ │ └── subset_size_test.py │ ├── warn_on_potential_data_race_test.py │ └── work_depth_test.py ├── sdfg_validate_names_test.py ├── sdfg_validate_scopes_test.py ├── sdutil_test.py ├── serialize_types_test.py ├── short_decorator_test.py ├── simple_control_flow_test.py ├── softmax_test.py ├── specialize_test.py ├── state_propagation_test.py ├── state_transition_test.py ├── stream_test.py ├── strict_after_load_test.py ├── strided_range_copy_test.py ├── strided_range_test.py ├── struct_reduce_sdfg_test.py ├── struct_reduce_test.py ├── struct_test.py ├── subarray_test.py ├── subset_covers_precise_test.py ├── subset_intersects_test.py ├── subsets_compose_extension_test.py ├── subsets_squeeze_test.py ├── symbol_dependent_transients_test.py ├── symbol_in_tasklet_test.py ├── symbol_inference_test.py ├── symbol_mapping_replace_test.py ├── symbol_type_test.py ├── tasklet_test.py ├── tensorflow │ ├── callback_test.py │ ├── compile_test.py │ ├── conv_test.py │ ├── fbn_test.py │ ├── ops_test.py │ ├── pool_test.py │ └── simple_test.py ├── threadlocal_stream_test.py ├── threadlocal_test.py ├── tile_test.py ├── tile_twice_test.py ├── tiling_test.py ├── tiling_with_overlap_test.py ├── toplevel_interstate_test.py ├── torch_forward │ ├── test_attn.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 ├── transformations │ ├── __init__.py │ ├── add_threadblock_map_test.py │ ├── apply_to_test.py │ ├── apply_transformations_once_test.py │ ├── change_strides_test.py │ ├── copy_to_map_test.py │ ├── deduplicate_access_test.py │ ├── double_buffering_test.py │ ├── extract_map_dims_test.py │ ├── gpu_grid_stride_tiling_test.py │ ├── gpu_transform_test.py │ ├── interstate │ │ ├── condition_fusion_test.py │ │ ├── condition_map_interchange_test.py │ │ ├── loop_lifting_test.py │ │ ├── loop_normalize_test.py │ │ ├── loop_overwrite_elimination_test.py │ │ └── loop_unroll_test.py │ ├── isolate_nested_sdfg_test.py │ ├── local_storage_test.py │ ├── loop_detection_test.py │ ├── loop_manipulation_test.py │ ├── loop_to_map_test.py │ ├── map_collapse_test.py │ ├── map_dim_shuffle_test.py │ ├── map_distribution_test.py │ ├── map_expansion_test.py │ ├── map_fusion_horizontal_test.py │ ├── map_fusion_vertical_test.py │ ├── map_interchange_test.py │ ├── map_tiling_test.py │ ├── map_unroll_test.py │ ├── mapfission_test.py │ ├── mapfusion_data_races_test.py │ ├── mapfusion_fpga_test.py │ ├── maptoforloop_test.py │ ├── move_assignment_outside_if_test.py │ ├── move_loop_into_map_test.py │ ├── nest_subgraph_test.py │ ├── nested_copies_among_connectors.py │ ├── otf_map_fusion_test.py │ ├── prune_connectors_test.py │ ├── redundant_array_view_chains_test.py │ ├── redundant_copy_data_races_test.py │ ├── redundant_copy_test.py │ ├── redundant_reshape_views_test.py │ ├── redundant_slices_test.py │ ├── refine_nested_access_test.py │ ├── remove_intermediate_write_test.py │ ├── replace_sdfg_dtypes_test.py │ ├── state_elimination_test.py │ ├── state_fission_test.py │ ├── state_fusion_extended_test.py │ ├── state_fusion_node_merge_test.py │ ├── state_fusion_test.py │ ├── state_fusion_twowrites_test.py │ ├── strip_mining_test.py │ ├── subgraph_fusion │ │ ├── block_allreduce_cudatest.py │ │ ├── complex_test.py │ │ ├── create_out_transient_test.py │ │ ├── disjoint_test.py │ │ ├── expansion_test.py │ │ ├── fission_io_test.py │ │ ├── fission_offsets1_test.py │ │ ├── fission_offsets2_test.py │ │ ├── fission_subgraph_test.py │ │ ├── intermediate_mimo_test.py │ │ ├── invariant_dimension_test.py │ │ ├── parallel_test.py │ │ ├── reduction_fuse_test.py │ │ ├── reduction_test.py │ │ ├── sequential1_test.py │ │ ├── sequential2_cudatest.py │ │ ├── sequential2_test.py │ │ ├── smax_test.py │ │ ├── tiling_pool_test.py │ │ ├── tiling_stencil_test.py │ │ └── util.py │ ├── sve │ │ ├── sve_vectorization_test.py │ │ └── vector_inference_test.py │ ├── tasklet_fusion_test.py │ ├── tiling_number_of_tiles_test.py │ ├── tiling_vectorization_test.py │ ├── transient_reuse_test.py │ ├── trivial_loop_elimination_test.py │ ├── trivial_tasklet_elimination_test.py │ ├── utility.py │ ├── vectorization_test.py │ ├── view_redundant_array_test.py │ ├── warp_tiling_test.py │ ├── wcr_conversion_test.py │ └── wcr_to_augassign_test.py ├── trivial_map_elimination_test.py ├── tutorials │ └── tutorials_test.py ├── type_inference_test.py ├── uintptr_t_test.py ├── undefined_symbol_in_sdfg_test.py ├── undefined_symbol_test.py ├── unique_nested_sdfg_test.py ├── unparse_memlet_test.py ├── utils.py ├── utils │ ├── array_dimension_utils.py │ ├── is_contiguous_subset_test.py │ ├── specialize_scalar_test.py │ └── symbol_in_code_test.py ├── vector_min_test.py ├── vectortype_test.py ├── vla_test.py ├── wcr_cudatest.py └── xform_test.sh └── tutorials ├── .gitignore ├── benchmarking.ipynb ├── codegen.ipynb ├── explicit.ipynb ├── getting_started.ipynb ├── numpy_frontend.ipynb ├── performance.png ├── sdfg_api.ipynb ├── spmv.ipynb └── transformations.ipynb /.clang-format: -------------------------------------------------------------------------------- 1 | BasedOnStyle: Google 2 | -------------------------------------------------------------------------------- /.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.coveragerc -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/ISSUE_TEMPLATE/bug_report.md -------------------------------------------------------------------------------- /.github/citation_format_authors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/citation_format_authors.py -------------------------------------------------------------------------------- /.github/workflows/fpga-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/fpga-ci.yml -------------------------------------------------------------------------------- /.github/workflows/general-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/general-ci.yml -------------------------------------------------------------------------------- /.github/workflows/gpu-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/gpu-ci.yml -------------------------------------------------------------------------------- /.github/workflows/hardware_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/hardware_test.yml -------------------------------------------------------------------------------- /.github/workflows/heterogeneous-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/heterogeneous-ci.yml -------------------------------------------------------------------------------- /.github/workflows/linting.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/linting.yml -------------------------------------------------------------------------------- /.github/workflows/ml-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/ml-ci.yml -------------------------------------------------------------------------------- /.github/workflows/pyFV3-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/pyFV3-ci.yml -------------------------------------------------------------------------------- /.github/workflows/release.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.github/workflows/release.sh -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.gitmodules -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.readthedocs.yaml -------------------------------------------------------------------------------- /.style.yapf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/.style.yapf -------------------------------------------------------------------------------- /AUTHORS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/AUTHORS -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/CITATION.cff -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/README.md -------------------------------------------------------------------------------- /ci/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/ci/Dockerfile -------------------------------------------------------------------------------- /ci/cscs_gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/ci/cscs_gpu.yml -------------------------------------------------------------------------------- /codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/codecov.yml -------------------------------------------------------------------------------- /dace.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace.svg -------------------------------------------------------------------------------- /dace/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/__init__.py -------------------------------------------------------------------------------- /dace/autodiff/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/__init__.py -------------------------------------------------------------------------------- /dace/autodiff/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/analysis.py -------------------------------------------------------------------------------- /dace/autodiff/autodiff.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/autodiff.md -------------------------------------------------------------------------------- /dace/autodiff/autodiff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/autodiff.py -------------------------------------------------------------------------------- /dace/autodiff/base_abc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/base_abc.py -------------------------------------------------------------------------------- /dace/autodiff/data_forwarding/store.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/data_forwarding/store.py -------------------------------------------------------------------------------- /dace/autodiff/library/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/library/__init__.py -------------------------------------------------------------------------------- /dace/autodiff/library/library.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/library/library.py -------------------------------------------------------------------------------- /dace/autodiff/torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/torch.py -------------------------------------------------------------------------------- /dace/autodiff/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/autodiff/utils.py -------------------------------------------------------------------------------- /dace/builtin_hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/builtin_hooks.py -------------------------------------------------------------------------------- /dace/cli/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/cli/dacelab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/cli/dacelab.py -------------------------------------------------------------------------------- /dace/cli/daceprof.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/cli/daceprof.py -------------------------------------------------------------------------------- /dace/cli/fcdc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/cli/fcdc.py -------------------------------------------------------------------------------- /dace/cli/progress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/cli/progress.py -------------------------------------------------------------------------------- /dace/cli/sdfg_diff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/cli/sdfg_diff.py -------------------------------------------------------------------------------- /dace/cli/sdfgcc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/cli/sdfgcc.py -------------------------------------------------------------------------------- /dace/cli/sdfv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/cli/sdfv.py -------------------------------------------------------------------------------- /dace/codegen/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/CMakeLists.txt -------------------------------------------------------------------------------- /dace/codegen/Xilinx_IP.tcl.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/Xilinx_IP.tcl.in -------------------------------------------------------------------------------- /dace/codegen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/__init__.py -------------------------------------------------------------------------------- /dace/codegen/codegen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/codegen.py -------------------------------------------------------------------------------- /dace/codegen/codeobject.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/codeobject.py -------------------------------------------------------------------------------- /dace/codegen/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/common.py -------------------------------------------------------------------------------- /dace/codegen/compiled_sdfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/compiled_sdfg.py -------------------------------------------------------------------------------- /dace/codegen/compiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/compiler.py -------------------------------------------------------------------------------- /dace/codegen/control_flow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/control_flow.py -------------------------------------------------------------------------------- /dace/codegen/cppunparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/cppunparse.py -------------------------------------------------------------------------------- /dace/codegen/dispatcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/dispatcher.py -------------------------------------------------------------------------------- /dace/codegen/exceptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/exceptions.py -------------------------------------------------------------------------------- /dace/codegen/instrumentation/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/codegen/instrumentation/fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/instrumentation/fpga.py -------------------------------------------------------------------------------- /dace/codegen/instrumentation/likwid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/instrumentation/likwid.py -------------------------------------------------------------------------------- /dace/codegen/instrumentation/papi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/instrumentation/papi.py -------------------------------------------------------------------------------- /dace/codegen/instrumentation/report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/instrumentation/report.py -------------------------------------------------------------------------------- /dace/codegen/instrumentation/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/instrumentation/timer.py -------------------------------------------------------------------------------- /dace/codegen/prettycode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/prettycode.py -------------------------------------------------------------------------------- /dace/codegen/targets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/__init__.py -------------------------------------------------------------------------------- /dace/codegen/targets/cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/cpp.py -------------------------------------------------------------------------------- /dace/codegen/targets/cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/cpu.py -------------------------------------------------------------------------------- /dace/codegen/targets/cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/cuda.py -------------------------------------------------------------------------------- /dace/codegen/targets/fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/fpga.py -------------------------------------------------------------------------------- /dace/codegen/targets/framecode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/framecode.py -------------------------------------------------------------------------------- /dace/codegen/targets/intel_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/intel_fpga.py -------------------------------------------------------------------------------- /dace/codegen/targets/mlir/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/codegen/targets/mlir/mlir.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/mlir/mlir.cmake -------------------------------------------------------------------------------- /dace/codegen/targets/mlir/mlir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/mlir/mlir.py -------------------------------------------------------------------------------- /dace/codegen/targets/mlir/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/mlir/utils.py -------------------------------------------------------------------------------- /dace/codegen/targets/mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/mpi.py -------------------------------------------------------------------------------- /dace/codegen/targets/rtl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/rtl.py -------------------------------------------------------------------------------- /dace/codegen/targets/snitch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/snitch.py -------------------------------------------------------------------------------- /dace/codegen/targets/sve/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/codegen/targets/sve/codegen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/sve/codegen.py -------------------------------------------------------------------------------- /dace/codegen/targets/sve/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/sve/infer.py -------------------------------------------------------------------------------- /dace/codegen/targets/sve/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/sve/preprocess.py -------------------------------------------------------------------------------- /dace/codegen/targets/sve/unparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/sve/unparse.py -------------------------------------------------------------------------------- /dace/codegen/targets/sve/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/sve/util.py -------------------------------------------------------------------------------- /dace/codegen/targets/target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/target.py -------------------------------------------------------------------------------- /dace/codegen/targets/unroller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/unroller.py -------------------------------------------------------------------------------- /dace/codegen/targets/xilinx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/targets/xilinx.py -------------------------------------------------------------------------------- /dace/codegen/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/codegen/tools/dacestub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/tools/dacestub.cpp -------------------------------------------------------------------------------- /dace/codegen/tools/get_cuda_arch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/tools/get_cuda_arch.cpp -------------------------------------------------------------------------------- /dace/codegen/tools/get_hip_arch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/tools/get_hip_arch.cpp -------------------------------------------------------------------------------- /dace/codegen/tools/gpu_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/tools/gpu_runtime.py -------------------------------------------------------------------------------- /dace/codegen/tools/type_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/codegen/tools/type_inference.py -------------------------------------------------------------------------------- /dace/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/config.py -------------------------------------------------------------------------------- /dace/config_schema.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/config_schema.yml -------------------------------------------------------------------------------- /dace/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/data/__init__.py -------------------------------------------------------------------------------- /dace/data/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/data/core.py -------------------------------------------------------------------------------- /dace/data/creation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/data/creation.py -------------------------------------------------------------------------------- /dace/data/ctypes_interop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/data/ctypes_interop.py -------------------------------------------------------------------------------- /dace/data/ml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/data/ml.py -------------------------------------------------------------------------------- /dace/data/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/data/tensor.py -------------------------------------------------------------------------------- /dace/distr_types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/distr_types.py -------------------------------------------------------------------------------- /dace/dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/dtypes.py -------------------------------------------------------------------------------- /dace/fpga_testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/fpga_testing.py -------------------------------------------------------------------------------- /dace/frontend/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/frontend/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/common/__init__.py -------------------------------------------------------------------------------- /dace/frontend/common/einsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/common/einsum.py -------------------------------------------------------------------------------- /dace/frontend/common/op_repository.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/common/op_repository.py -------------------------------------------------------------------------------- /dace/frontend/fortran/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/frontend/fortran/ast_components.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/fortran/ast_components.py -------------------------------------------------------------------------------- /dace/frontend/fortran/ast_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/fortran/ast_transforms.py -------------------------------------------------------------------------------- /dace/frontend/fortran/ast_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/fortran/ast_utils.py -------------------------------------------------------------------------------- /dace/frontend/fortran/fortran_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/fortran/fortran_parser.py -------------------------------------------------------------------------------- /dace/frontend/fortran/intrinsics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/fortran/intrinsics.py -------------------------------------------------------------------------------- /dace/frontend/ml/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/__init__.py -------------------------------------------------------------------------------- /dace/frontend/ml/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/onnx/__init__.py -------------------------------------------------------------------------------- /dace/frontend/ml/onnx/importer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/onnx/importer.py -------------------------------------------------------------------------------- /dace/frontend/ml/tensorflow/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/tensorflow/__init__.py -------------------------------------------------------------------------------- /dace/frontend/ml/tensorflow/transformations/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/frontend/ml/tensorflow/winograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/tensorflow/winograd.py -------------------------------------------------------------------------------- /dace/frontend/ml/torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/torch/__init__.py -------------------------------------------------------------------------------- /dace/frontend/ml/torch/interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/torch/interface.py -------------------------------------------------------------------------------- /dace/frontend/ml/torch/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/ml/torch/module.py -------------------------------------------------------------------------------- /dace/frontend/octave/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/__init__.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_arrayaccess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_arrayaccess.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_assign.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_assign.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_expression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_expression.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_function.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_loop.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_matrix.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_node.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_nullstmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_nullstmt.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_range.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_range.py -------------------------------------------------------------------------------- /dace/frontend/octave/ast_values.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/ast_values.py -------------------------------------------------------------------------------- /dace/frontend/octave/lexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/lexer.py -------------------------------------------------------------------------------- /dace/frontend/octave/parse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/octave/parse.py -------------------------------------------------------------------------------- /dace/frontend/operations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/operations.py -------------------------------------------------------------------------------- /dace/frontend/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/README.md -------------------------------------------------------------------------------- /dace/frontend/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/frontend/python/astutils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/astutils.py -------------------------------------------------------------------------------- /dace/frontend/python/cached_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/cached_program.py -------------------------------------------------------------------------------- /dace/frontend/python/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/common.py -------------------------------------------------------------------------------- /dace/frontend/python/interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/interface.py -------------------------------------------------------------------------------- /dace/frontend/python/memlet_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/memlet_parser.py -------------------------------------------------------------------------------- /dace/frontend/python/ndloop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/ndloop.py -------------------------------------------------------------------------------- /dace/frontend/python/nested_call.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/nested_call.py -------------------------------------------------------------------------------- /dace/frontend/python/newast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/newast.py -------------------------------------------------------------------------------- /dace/frontend/python/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/parser.py -------------------------------------------------------------------------------- /dace/frontend/python/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/preprocessing.py -------------------------------------------------------------------------------- /dace/frontend/python/tasklet_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/tasklet_runner.py -------------------------------------------------------------------------------- /dace/frontend/python/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/frontend/python/wrappers.py -------------------------------------------------------------------------------- /dace/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/hooks.py -------------------------------------------------------------------------------- /dace/jupyter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/jupyter.py -------------------------------------------------------------------------------- /dace/libraries/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/libraries/blas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/__init__.py -------------------------------------------------------------------------------- /dace/libraries/blas/blas_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/blas_helpers.py -------------------------------------------------------------------------------- /dace/libraries/blas/include/dace_blas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/include/dace_blas.h -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/axpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/axpy.py -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/dot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/dot.py -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/einsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/einsum.py -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/gemm.py -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/gemv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/gemv.py -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/ger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/ger.py -------------------------------------------------------------------------------- /dace/libraries/blas/nodes/matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/blas/nodes/matmul.py -------------------------------------------------------------------------------- /dace/libraries/fft/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/fft/__init__.py -------------------------------------------------------------------------------- /dace/libraries/fft/algorithms/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/libraries/fft/algorithms/dft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/fft/algorithms/dft.py -------------------------------------------------------------------------------- /dace/libraries/fft/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/fft/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/fft/nodes/fft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/fft/nodes/fft.py -------------------------------------------------------------------------------- /dace/libraries/lapack/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/lapack/__init__.py -------------------------------------------------------------------------------- /dace/libraries/lapack/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/lapack/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/lapack/nodes/getrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/lapack/nodes/getrf.py -------------------------------------------------------------------------------- /dace/libraries/lapack/nodes/getri.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/lapack/nodes/getri.py -------------------------------------------------------------------------------- /dace/libraries/lapack/nodes/getrs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/lapack/nodes/getrs.py -------------------------------------------------------------------------------- /dace/libraries/lapack/nodes/potrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/lapack/nodes/potrf.py -------------------------------------------------------------------------------- /dace/libraries/linalg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/linalg/__init__.py -------------------------------------------------------------------------------- /dace/libraries/linalg/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/linalg/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/linalg/nodes/cholesky.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/linalg/nodes/cholesky.py -------------------------------------------------------------------------------- /dace/libraries/linalg/nodes/inv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/linalg/nodes/inv.py -------------------------------------------------------------------------------- /dace/libraries/linalg/nodes/solve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/linalg/nodes/solve.py -------------------------------------------------------------------------------- /dace/libraries/mpi/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/__init__.py -------------------------------------------------------------------------------- /dace/libraries/mpi/environments/mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/environments/mpi.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/allgather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/allgather.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/allreduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/allreduce.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/alltoall.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/alltoall.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/bcast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/bcast.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/dummy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/dummy.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/gather.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/irecv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/irecv.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/isend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/isend.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/node.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/recv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/recv.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/reduce.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/scatter.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/send.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/send.py -------------------------------------------------------------------------------- /dace/libraries/mpi/nodes/wait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/nodes/wait.py -------------------------------------------------------------------------------- /dace/libraries/mpi/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/mpi/utils.py -------------------------------------------------------------------------------- /dace/libraries/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/onnx/__init__.py -------------------------------------------------------------------------------- /dace/libraries/onnx/converters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/onnx/converters.py -------------------------------------------------------------------------------- /dace/libraries/onnx/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/onnx/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/onnx/nodes/node_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/onnx/nodes/node_utils.py -------------------------------------------------------------------------------- /dace/libraries/onnx/nodes/onnx_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/onnx/nodes/onnx_op.py -------------------------------------------------------------------------------- /dace/libraries/onnx/onnx.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/onnx/onnx.md -------------------------------------------------------------------------------- /dace/libraries/onnx/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/onnx/schema.py -------------------------------------------------------------------------------- /dace/libraries/pblas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/pblas/__init__.py -------------------------------------------------------------------------------- /dace/libraries/pblas/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/pblas/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/pblas/nodes/pgeadd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/pblas/nodes/pgeadd.py -------------------------------------------------------------------------------- /dace/libraries/pblas/nodes/pgemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/pblas/nodes/pgemm.py -------------------------------------------------------------------------------- /dace/libraries/pblas/nodes/pgemv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/pblas/nodes/pgemv.py -------------------------------------------------------------------------------- /dace/libraries/sparse/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/sparse/__init__.py -------------------------------------------------------------------------------- /dace/libraries/sparse/nodes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/sparse/nodes/__init__.py -------------------------------------------------------------------------------- /dace/libraries/sparse/nodes/csrmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/sparse/nodes/csrmm.py -------------------------------------------------------------------------------- /dace/libraries/sparse/nodes/csrmv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/sparse/nodes/csrmv.py -------------------------------------------------------------------------------- /dace/libraries/standard/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/standard/__init__.py -------------------------------------------------------------------------------- /dace/libraries/standard/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/standard/memory.py -------------------------------------------------------------------------------- /dace/libraries/standard/nodes/code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/standard/nodes/code.py -------------------------------------------------------------------------------- /dace/libraries/standard/nodes/reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/standard/nodes/reduce.py -------------------------------------------------------------------------------- /dace/libraries/stencil/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/stencil/__init__.py -------------------------------------------------------------------------------- /dace/libraries/stencil/_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/stencil/_common.py -------------------------------------------------------------------------------- /dace/libraries/stencil/cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/stencil/cpu.py -------------------------------------------------------------------------------- /dace/libraries/stencil/intel_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/stencil/intel_fpga.py -------------------------------------------------------------------------------- /dace/libraries/stencil/stencil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/stencil/stencil.py -------------------------------------------------------------------------------- /dace/libraries/torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/torch/__init__.py -------------------------------------------------------------------------------- /dace/libraries/torch/dlpack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/torch/dlpack.py -------------------------------------------------------------------------------- /dace/libraries/torch/torch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/libraries/torch/torch.md -------------------------------------------------------------------------------- /dace/library.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/library.py -------------------------------------------------------------------------------- /dace/memlet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/memlet.py -------------------------------------------------------------------------------- /dace/ml/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/ml/__init__.py -------------------------------------------------------------------------------- /dace/optimization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/optimization/__init__.py -------------------------------------------------------------------------------- /dace/optimization/auto_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/optimization/auto_tuner.py -------------------------------------------------------------------------------- /dace/optimization/cutout_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/optimization/cutout_tuner.py -------------------------------------------------------------------------------- /dace/optimization/data_layout_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/optimization/data_layout_tuner.py -------------------------------------------------------------------------------- /dace/optimization/map_tiling_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/optimization/map_tiling_tuner.py -------------------------------------------------------------------------------- /dace/optimization/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/optimization/utils.py -------------------------------------------------------------------------------- /dace/properties.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/properties.py -------------------------------------------------------------------------------- /dace/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/registry.py -------------------------------------------------------------------------------- /dace/runtime/include/dace/comm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/comm.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/complex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/complex.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/copy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/copy.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/cuda/copy.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/cuda/copy.cuh -------------------------------------------------------------------------------- /dace/runtime/include/dace/cudainterop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/cudainterop.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/dace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/dace.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/fpga_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/fpga_common.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/fpga_device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/fpga_device.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/fpga_host.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/fpga_host.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/intset.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/intset.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/math.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/nan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/nan.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/os.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/os.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/perf/papi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/perf/papi.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/pi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/pi.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/pyinterop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/pyinterop.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/reduction.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/stream.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/types.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/vector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/vector.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/xilinx/host.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/xilinx/host.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/xilinx/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/xilinx/math.h -------------------------------------------------------------------------------- /dace/runtime/include/dace/xilinx/vec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/runtime/include/dace/xilinx/vec.h -------------------------------------------------------------------------------- /dace/sdfg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/__init__.py -------------------------------------------------------------------------------- /dace/sdfg/analysis/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/sdfg/analysis/cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/analysis/cfg.py -------------------------------------------------------------------------------- /dace/sdfg/analysis/cutout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/analysis/cutout.py -------------------------------------------------------------------------------- /dace/sdfg/analysis/schedule_tree/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/sdfg/analysis/vector_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/analysis/vector_inference.py -------------------------------------------------------------------------------- /dace/sdfg/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/graph.py -------------------------------------------------------------------------------- /dace/sdfg/infer_types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/infer_types.py -------------------------------------------------------------------------------- /dace/sdfg/memlet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/memlet_utils.py -------------------------------------------------------------------------------- /dace/sdfg/nodes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/nodes.py -------------------------------------------------------------------------------- /dace/sdfg/propagation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/propagation.py -------------------------------------------------------------------------------- /dace/sdfg/replace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/replace.py -------------------------------------------------------------------------------- /dace/sdfg/scope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/scope.py -------------------------------------------------------------------------------- /dace/sdfg/sdfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/sdfg.py -------------------------------------------------------------------------------- /dace/sdfg/state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/state.py -------------------------------------------------------------------------------- /dace/sdfg/tasklet_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/tasklet_validation.py -------------------------------------------------------------------------------- /dace/sdfg/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/utils.py -------------------------------------------------------------------------------- /dace/sdfg/validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sdfg/validation.py -------------------------------------------------------------------------------- /dace/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/serialize.py -------------------------------------------------------------------------------- /dace/sourcemap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/sourcemap.py -------------------------------------------------------------------------------- /dace/subsets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/subsets.py -------------------------------------------------------------------------------- /dace/symbolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/symbolic.py -------------------------------------------------------------------------------- /dace/transformation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/__init__.py -------------------------------------------------------------------------------- /dace/transformation/auto/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/auto/__init__.py -------------------------------------------------------------------------------- /dace/transformation/auto/fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/auto/fpga.py -------------------------------------------------------------------------------- /dace/transformation/change_strides.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/change_strides.py -------------------------------------------------------------------------------- /dace/transformation/dataflow/mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/dataflow/mpi.py -------------------------------------------------------------------------------- /dace/transformation/dataflow/tiling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/dataflow/tiling.py -------------------------------------------------------------------------------- /dace/transformation/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/helpers.py -------------------------------------------------------------------------------- /dace/transformation/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/onnx/__init__.py -------------------------------------------------------------------------------- /dace/transformation/onnx/optimize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/onnx/optimize.py -------------------------------------------------------------------------------- /dace/transformation/onnx/replacement.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/onnx/replacement.py -------------------------------------------------------------------------------- /dace/transformation/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/optimizer.py -------------------------------------------------------------------------------- /dace/transformation/pass_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/pass_pipeline.py -------------------------------------------------------------------------------- /dace/transformation/passes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/passes/__init__.py -------------------------------------------------------------------------------- /dace/transformation/passes/simplification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dace/transformation/passes/simplify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/passes/simplify.py -------------------------------------------------------------------------------- /dace/transformation/passes/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/passes/util.py -------------------------------------------------------------------------------- /dace/transformation/subgraph/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/subgraph/helpers.py -------------------------------------------------------------------------------- /dace/transformation/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/testing.py -------------------------------------------------------------------------------- /dace/transformation/transformation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/transformation/transformation.py -------------------------------------------------------------------------------- /dace/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/utils.py -------------------------------------------------------------------------------- /dace/version.py: -------------------------------------------------------------------------------- 1 | __version__ = '1.0.0' 2 | -------------------------------------------------------------------------------- /dace/viewer/templates/sdfv.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/viewer/templates/sdfv.html -------------------------------------------------------------------------------- /dace/viewer/templates/sdfv_base.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/dace/viewer/templates/sdfv_base.html -------------------------------------------------------------------------------- /doc/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/Makefile -------------------------------------------------------------------------------- /doc/_static/css/custom.css: -------------------------------------------------------------------------------- 1 | 2 | .code-literal { 3 | color: black !important; 4 | } 5 | -------------------------------------------------------------------------------- /doc/_static/embed.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/_static/embed.html -------------------------------------------------------------------------------- /doc/_static/sdfg/example.sdfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/_static/sdfg/example.sdfg -------------------------------------------------------------------------------- /doc/_static/sdfg/gpu-notb.sdfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/_static/sdfg/gpu-notb.sdfg -------------------------------------------------------------------------------- /doc/_static/sdfg/gpu-tb.sdfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/_static/sdfg/gpu-tb.sdfg -------------------------------------------------------------------------------- /doc/_static/sdfg/reference.sdfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/_static/sdfg/reference.sdfg -------------------------------------------------------------------------------- /doc/_static/sdfg/scalarsym.sdfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/_static/sdfg/scalarsym.sdfg -------------------------------------------------------------------------------- /doc/_static/sdfg/spmv.sdfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/_static/sdfg/spmv.sdfg -------------------------------------------------------------------------------- /doc/codegen/codegen.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/codegen/codegen.gif -------------------------------------------------------------------------------- /doc/codegen/codegen.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/codegen/codegen.rst -------------------------------------------------------------------------------- /doc/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/conf.py -------------------------------------------------------------------------------- /doc/design/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/design/README.md -------------------------------------------------------------------------------- /doc/design/codegen.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/design/codegen.md -------------------------------------------------------------------------------- /doc/design/descriptors.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/design/descriptors.md -------------------------------------------------------------------------------- /doc/design/frontend.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/design/frontend.md -------------------------------------------------------------------------------- /doc/extensions/extensions.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/extensions/extensions.rst -------------------------------------------------------------------------------- /doc/extensions/properties.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/extensions/properties.rst -------------------------------------------------------------------------------- /doc/frontend/daceprograms.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/daceprograms.rst -------------------------------------------------------------------------------- /doc/frontend/images/assign-stmt.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/assign-stmt.png -------------------------------------------------------------------------------- /doc/frontend/images/augassign-stmt.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/augassign-stmt.png -------------------------------------------------------------------------------- /doc/frontend/images/explicit-memlet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/explicit-memlet.png -------------------------------------------------------------------------------- /doc/frontend/images/for-break-loop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/for-break-loop.png -------------------------------------------------------------------------------- /doc/frontend/images/for-loop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/for-loop.png -------------------------------------------------------------------------------- /doc/frontend/images/frontend-steps.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/frontend-steps.png -------------------------------------------------------------------------------- /doc/frontend/images/if-stmt.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/if-stmt.png -------------------------------------------------------------------------------- /doc/frontend/images/while-loop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/images/while-loop.png -------------------------------------------------------------------------------- /doc/frontend/npsupport.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/npsupport.rst -------------------------------------------------------------------------------- /doc/frontend/parsing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/parsing.rst -------------------------------------------------------------------------------- /doc/frontend/pysupport.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/pysupport.rst -------------------------------------------------------------------------------- /doc/frontend/python.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/frontend/python.rst -------------------------------------------------------------------------------- /doc/general/debugging.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/general/debugging.rst -------------------------------------------------------------------------------- /doc/general/errors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/general/errors.rst -------------------------------------------------------------------------------- /doc/general/glossary.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/general/glossary.rst -------------------------------------------------------------------------------- /doc/general/structure.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/general/structure.rst -------------------------------------------------------------------------------- /doc/ide/cli.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/cli.rst -------------------------------------------------------------------------------- /doc/ide/images/add_edge_button.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/add_edge_button.png -------------------------------------------------------------------------------- /doc/ide/images/box_select_button.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/box_select_button.png -------------------------------------------------------------------------------- /doc/ide/images/collapse_all_sdfg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/collapse_all_sdfg.png -------------------------------------------------------------------------------- /doc/ide/images/compile_sdfg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/compile_sdfg.png -------------------------------------------------------------------------------- /doc/ide/images/expand_all_sdfg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/expand_all_sdfg.png -------------------------------------------------------------------------------- /doc/ide/images/generate_code.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/generate_code.gif -------------------------------------------------------------------------------- /doc/ide/images/localview_demo.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/localview_demo.gif -------------------------------------------------------------------------------- /doc/ide/images/move_element_button.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/move_element_button.png -------------------------------------------------------------------------------- /doc/ide/images/runtime_overlay.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/runtime_overlay.png -------------------------------------------------------------------------------- /doc/ide/images/sdfg_adding_elements.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/sdfg_adding_elements.gif -------------------------------------------------------------------------------- /doc/ide/images/sdfg_editor.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/sdfg_editor.gif -------------------------------------------------------------------------------- /doc/ide/images/sdfg_optimization.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/sdfg_optimization.gif -------------------------------------------------------------------------------- /doc/ide/images/show_all_sdfg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/show_all_sdfg.png -------------------------------------------------------------------------------- /doc/ide/images/static_analysis.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/static_analysis.gif -------------------------------------------------------------------------------- /doc/ide/images/vscode_demo.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/vscode_demo.gif -------------------------------------------------------------------------------- /doc/ide/images/vscode_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/images/vscode_overview.png -------------------------------------------------------------------------------- /doc/ide/vscode.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/ide/vscode.rst -------------------------------------------------------------------------------- /doc/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/index.rst -------------------------------------------------------------------------------- /doc/optimization/blas.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/optimization/blas.rst -------------------------------------------------------------------------------- /doc/optimization/fpga.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/optimization/fpga.rst -------------------------------------------------------------------------------- /doc/optimization/gpu.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/optimization/gpu.rst -------------------------------------------------------------------------------- /doc/optimization/images/overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/optimization/images/overview.png -------------------------------------------------------------------------------- /doc/optimization/optimization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/optimization/optimization.rst -------------------------------------------------------------------------------- /doc/optimization/profiling.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/optimization/profiling.rst -------------------------------------------------------------------------------- /doc/optimization/vscode.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/optimization/vscode.rst -------------------------------------------------------------------------------- /doc/schema_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/schema_generator.py -------------------------------------------------------------------------------- /doc/sdfg/auto_optimize.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/auto_optimize.rst -------------------------------------------------------------------------------- /doc/sdfg/images/connectors.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/connectors.svg -------------------------------------------------------------------------------- /doc/sdfg/images/elements.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/elements.svg -------------------------------------------------------------------------------- /doc/sdfg/images/memlet-scopes.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/memlet-scopes.svg -------------------------------------------------------------------------------- /doc/sdfg/images/memprop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/memprop.png -------------------------------------------------------------------------------- /doc/sdfg/images/scope-tree.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/scope-tree.svg -------------------------------------------------------------------------------- /doc/sdfg/images/scope.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/scope.svg -------------------------------------------------------------------------------- /doc/sdfg/images/transient.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/transient.svg -------------------------------------------------------------------------------- /doc/sdfg/images/views.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/images/views.svg -------------------------------------------------------------------------------- /doc/sdfg/ir.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/ir.rst -------------------------------------------------------------------------------- /doc/sdfg/passes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/passes.rst -------------------------------------------------------------------------------- /doc/sdfg/simplify.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/simplify.rst -------------------------------------------------------------------------------- /doc/sdfg/transformations.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/transformations.rst -------------------------------------------------------------------------------- /doc/sdfg/transforming.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/sdfg/transforming.rst -------------------------------------------------------------------------------- /doc/setup/config.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/setup/config.rst -------------------------------------------------------------------------------- /doc/setup/images/refresh.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/setup/images/refresh.png -------------------------------------------------------------------------------- /doc/setup/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/setup/installation.rst -------------------------------------------------------------------------------- /doc/setup/integration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/setup/integration.rst -------------------------------------------------------------------------------- /doc/setup/quickstart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/setup/quickstart.rst -------------------------------------------------------------------------------- /doc/source/dace.cli.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.cli.rst -------------------------------------------------------------------------------- /doc/source/dace.codegen.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.codegen.rst -------------------------------------------------------------------------------- /doc/source/dace.codegen.targets.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.codegen.targets.rst -------------------------------------------------------------------------------- /doc/source/dace.frontend.common.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.frontend.common.rst -------------------------------------------------------------------------------- /doc/source/dace.frontend.octave.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.frontend.octave.rst -------------------------------------------------------------------------------- /doc/source/dace.frontend.python.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.frontend.python.rst -------------------------------------------------------------------------------- /doc/source/dace.frontend.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.frontend.rst -------------------------------------------------------------------------------- /doc/source/dace.optimization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.optimization.rst -------------------------------------------------------------------------------- /doc/source/dace.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.rst -------------------------------------------------------------------------------- /doc/source/dace.sdfg.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.sdfg.rst -------------------------------------------------------------------------------- /doc/source/dace.transformation.auto.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.transformation.auto.rst -------------------------------------------------------------------------------- /doc/source/dace.transformation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/doc/source/dace.transformation.rst -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/pytest.ini -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/requirements.txt -------------------------------------------------------------------------------- /samples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/README.md -------------------------------------------------------------------------------- /samples/codegen/tensor_cores.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/codegen/tensor_cores.py -------------------------------------------------------------------------------- /samples/distributed/jacobi_1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/distributed/jacobi_1d.py -------------------------------------------------------------------------------- /samples/distributed/jacobi_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/distributed/jacobi_2d.py -------------------------------------------------------------------------------- /samples/distributed/poly_gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/distributed/poly_gemm.py -------------------------------------------------------------------------------- /samples/distributed/poly_gemm_bc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/distributed/poly_gemm_bc.py -------------------------------------------------------------------------------- /samples/distributed/poly_gesummv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/distributed/poly_gesummv.py -------------------------------------------------------------------------------- /samples/distributed/polybench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/distributed/polybench.py -------------------------------------------------------------------------------- /samples/explicit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/explicit/README.md -------------------------------------------------------------------------------- /samples/explicit/cc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/explicit/cc.py -------------------------------------------------------------------------------- /samples/explicit/fibonacci.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/explicit/fibonacci.py -------------------------------------------------------------------------------- /samples/explicit/filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/explicit/filter.py -------------------------------------------------------------------------------- /samples/explicit/histogram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/explicit/histogram.py -------------------------------------------------------------------------------- /samples/fpga/axpy_transformed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/axpy_transformed.py -------------------------------------------------------------------------------- /samples/fpga/gemv_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/gemv_fpga.py -------------------------------------------------------------------------------- /samples/fpga/histogram_fpga.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/histogram_fpga.py -------------------------------------------------------------------------------- /samples/fpga/jacobi_fpga_systolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/jacobi_fpga_systolic.py -------------------------------------------------------------------------------- /samples/fpga/rtl/add_fortytwo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/add_fortytwo.py -------------------------------------------------------------------------------- /samples/fpga/rtl/axpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/axpy.py -------------------------------------------------------------------------------- /samples/fpga/rtl/axpy_double_pump.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/axpy_double_pump.py -------------------------------------------------------------------------------- /samples/fpga/rtl/fladd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/fladd.py -------------------------------------------------------------------------------- /samples/fpga/rtl/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/pipeline.py -------------------------------------------------------------------------------- /samples/fpga/rtl/rtl_multi_tasklet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/rtl_multi_tasklet.py -------------------------------------------------------------------------------- /samples/fpga/rtl/rtl_tasklet_scalar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/rtl_tasklet_scalar.py -------------------------------------------------------------------------------- /samples/fpga/rtl/rtl_tasklet_vector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/rtl/rtl_tasklet_vector.py -------------------------------------------------------------------------------- /samples/fpga/spmv_fpga_stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/fpga/spmv_fpga_stream.py -------------------------------------------------------------------------------- /samples/optimization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/optimization/README.md -------------------------------------------------------------------------------- /samples/optimization/matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/optimization/matmul.py -------------------------------------------------------------------------------- /samples/optimization/tuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/optimization/tuning.py -------------------------------------------------------------------------------- /samples/sdfg_api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/sdfg_api/README.md -------------------------------------------------------------------------------- /samples/sdfg_api/control_flow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/sdfg_api/control_flow.py -------------------------------------------------------------------------------- /samples/sdfg_api/cublas_tasklet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/sdfg_api/cublas_tasklet.py -------------------------------------------------------------------------------- /samples/sdfg_api/jagged_arrays.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/sdfg_api/jagged_arrays.py -------------------------------------------------------------------------------- /samples/sdfg_api/nested_states.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/sdfg_api/nested_states.py -------------------------------------------------------------------------------- /samples/sdfg_api/stencil_boundaries.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/sdfg_api/stencil_boundaries.py -------------------------------------------------------------------------------- /samples/simple/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/simple/README.md -------------------------------------------------------------------------------- /samples/simple/axpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/simple/axpy.py -------------------------------------------------------------------------------- /samples/simple/laplace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/simple/laplace.py -------------------------------------------------------------------------------- /samples/simple/mandelbrot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/simple/mandelbrot.py -------------------------------------------------------------------------------- /samples/simple/spmv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/simple/spmv.py -------------------------------------------------------------------------------- /samples/snitch/axpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/samples/snitch/axpy.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/setup.py -------------------------------------------------------------------------------- /test_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/test_all.sh -------------------------------------------------------------------------------- /tests/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/.gitignore -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/add_edge_pair_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/add_edge_pair_test.py -------------------------------------------------------------------------------- /tests/add_state_api_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/add_state_api_test.py -------------------------------------------------------------------------------- /tests/argmax_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/argmax_test.py -------------------------------------------------------------------------------- /tests/array_interface_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/array_interface_test.py -------------------------------------------------------------------------------- /tests/autodiff/test_multi_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/autodiff/test_multi_state.py -------------------------------------------------------------------------------- /tests/autodiff/test_nested.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/autodiff/test_nested.py -------------------------------------------------------------------------------- /tests/autodiff/test_single_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/autodiff/test_single_state.py -------------------------------------------------------------------------------- /tests/autooptimize/tile_wcr_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/autooptimize/tile_wcr_test.py -------------------------------------------------------------------------------- /tests/blas/nodes/axpy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/blas/nodes/axpy_test.py -------------------------------------------------------------------------------- /tests/blas/nodes/blas_nodes_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/blas/nodes/blas_nodes_test.py -------------------------------------------------------------------------------- /tests/blas/nodes/dot_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/blas/nodes/dot_test.py -------------------------------------------------------------------------------- /tests/blas/nodes/gemv_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/blas/nodes/gemv_test.py -------------------------------------------------------------------------------- /tests/blas/nodes/ger_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/blas/nodes/ger_test.py -------------------------------------------------------------------------------- /tests/blockreduce_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/blockreduce_cudatest.py -------------------------------------------------------------------------------- /tests/buffer_tiling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/buffer_tiling_test.py -------------------------------------------------------------------------------- /tests/call_sdfg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/call_sdfg_test.py -------------------------------------------------------------------------------- /tests/callback_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/callback_test.py -------------------------------------------------------------------------------- /tests/canonicalize_memlet_tree_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/canonicalize_memlet_tree_test.py -------------------------------------------------------------------------------- /tests/chained_nested_tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/chained_nested_tasklet_test.py -------------------------------------------------------------------------------- /tests/chained_tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/chained_tasklet_test.py -------------------------------------------------------------------------------- /tests/codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/codegen/alias_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/alias_test.py -------------------------------------------------------------------------------- /tests/codegen/argumet_signature_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/argumet_signature_test.py -------------------------------------------------------------------------------- /tests/codegen/arraywrite_result_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/arraywrite_result_test.py -------------------------------------------------------------------------------- /tests/codegen/atomic_xchg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/atomic_xchg_test.py -------------------------------------------------------------------------------- /tests/codegen/constant_arrays_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/constant_arrays_test.py -------------------------------------------------------------------------------- /tests/codegen/cpp_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/cpp_test.py -------------------------------------------------------------------------------- /tests/codegen/cuda_mempool_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/cuda_mempool_test.py -------------------------------------------------------------------------------- /tests/codegen/dependency_edge_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/dependency_edge_test.py -------------------------------------------------------------------------------- /tests/codegen/dynamic_memlet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/dynamic_memlet_test.py -------------------------------------------------------------------------------- /tests/codegen/external_memory_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/external_memory_test.py -------------------------------------------------------------------------------- /tests/codegen/gpu_allocation_order.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/gpu_allocation_order.py -------------------------------------------------------------------------------- /tests/codegen/gpu_launch_bounds_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/gpu_launch_bounds_test.py -------------------------------------------------------------------------------- /tests/codegen/gpu_maxnreg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/gpu_maxnreg.py -------------------------------------------------------------------------------- /tests/codegen/gpu_memcpy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/gpu_memcpy_test.py -------------------------------------------------------------------------------- /tests/codegen/init_contains_scalars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/init_contains_scalars.py -------------------------------------------------------------------------------- /tests/codegen/map_launch_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/map_launch_test.py -------------------------------------------------------------------------------- /tests/codegen/mpi_axpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/mpi_axpy.py -------------------------------------------------------------------------------- /tests/codegen/multicopy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/multicopy_test.py -------------------------------------------------------------------------------- /tests/codegen/sve/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/codegen/sve/ast_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/sve/ast_test.py -------------------------------------------------------------------------------- /tests/codegen/sve/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/sve/common.py -------------------------------------------------------------------------------- /tests/codegen/sve/map_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/sve/map_test.py -------------------------------------------------------------------------------- /tests/codegen/sve/memlet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/sve/memlet_test.py -------------------------------------------------------------------------------- /tests/codegen/sve/stream_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/sve/stream_test.py -------------------------------------------------------------------------------- /tests/codegen/sve/wcr_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/sve/wcr_test.py -------------------------------------------------------------------------------- /tests/codegen/symbol_arguments_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/symbol_arguments_test.py -------------------------------------------------------------------------------- /tests/codegen/unparse_tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/unparse_tasklet_test.py -------------------------------------------------------------------------------- /tests/codegen/unroller_general_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/unroller_general_test.py -------------------------------------------------------------------------------- /tests/codegen/unroller_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/unroller_test.py -------------------------------------------------------------------------------- /tests/codegen/wcr_atomic_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/codegen/wcr_atomic_test.py -------------------------------------------------------------------------------- /tests/compile_sdfg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/compile_sdfg_test.py -------------------------------------------------------------------------------- /tests/config_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/config_test.py -------------------------------------------------------------------------------- /tests/confres_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/confres_test.py -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/consolidate_edges_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/consolidate_edges_test.py -------------------------------------------------------------------------------- /tests/const_access_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/const_access_test.py -------------------------------------------------------------------------------- /tests/const_utilities_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/const_utilities_test.py -------------------------------------------------------------------------------- /tests/constant_array_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/constant_array_test.py -------------------------------------------------------------------------------- /tests/consume_chunk_cond_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/consume_chunk_cond_test.py -------------------------------------------------------------------------------- /tests/consume_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/consume_test.py -------------------------------------------------------------------------------- /tests/control_flow_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/control_flow_test.py -------------------------------------------------------------------------------- /tests/copynd_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/copynd_test.py -------------------------------------------------------------------------------- /tests/cpp_tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cpp_tasklet_test.py -------------------------------------------------------------------------------- /tests/cppunparse_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cppunparse_test.py -------------------------------------------------------------------------------- /tests/cr_complex_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cr_complex_test.py -------------------------------------------------------------------------------- /tests/cuda_block_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cuda_block_test.py -------------------------------------------------------------------------------- /tests/cuda_grid2d_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cuda_grid2d_test.py -------------------------------------------------------------------------------- /tests/cuda_grid_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cuda_grid_test.py -------------------------------------------------------------------------------- /tests/cuda_highdim_kernel_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cuda_highdim_kernel_test.py -------------------------------------------------------------------------------- /tests/cuda_smem2d_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cuda_smem2d_test.py -------------------------------------------------------------------------------- /tests/cuda_smem_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cuda_smem_test.py -------------------------------------------------------------------------------- /tests/cuda_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/cuda_test.sh -------------------------------------------------------------------------------- /tests/custom_build_folder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/custom_build_folder_test.py -------------------------------------------------------------------------------- /tests/custom_reduce_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/custom_reduce_test.py -------------------------------------------------------------------------------- /tests/datadesc_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/datadesc_test.py -------------------------------------------------------------------------------- /tests/default_storage_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/default_storage_test.py -------------------------------------------------------------------------------- /tests/different_stride_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/different_stride_test.py -------------------------------------------------------------------------------- /tests/duplicate_arg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/duplicate_arg_test.py -------------------------------------------------------------------------------- /tests/duplicate_naming_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/duplicate_naming_test.py -------------------------------------------------------------------------------- /tests/dynamic_sdfg_functions_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/dynamic_sdfg_functions_test.py -------------------------------------------------------------------------------- /tests/dynamic_tb_map_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/dynamic_tb_map_cudatest.py -------------------------------------------------------------------------------- /tests/e2e_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/e2e_test.sh -------------------------------------------------------------------------------- /tests/enumerator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/enumerator_test.py -------------------------------------------------------------------------------- /tests/external_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/external_module.py -------------------------------------------------------------------------------- /tests/external_module_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/external_module_test.py -------------------------------------------------------------------------------- /tests/fortran/allocate_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/allocate_test.py -------------------------------------------------------------------------------- /tests/fortran/array_attributes_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/array_attributes_test.py -------------------------------------------------------------------------------- /tests/fortran/array_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/array_test.py -------------------------------------------------------------------------------- /tests/fortran/array_to_loop_offset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/array_to_loop_offset.py -------------------------------------------------------------------------------- /tests/fortran/ast_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/ast_utils_test.py -------------------------------------------------------------------------------- /tests/fortran/call_extract_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/call_extract_test.py -------------------------------------------------------------------------------- /tests/fortran/dace_support_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/dace_support_test.py -------------------------------------------------------------------------------- /tests/fortran/fortran_language_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/fortran_language_test.py -------------------------------------------------------------------------------- /tests/fortran/fortran_loops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/fortran_loops_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_all_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_all_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_any_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_any_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_basic_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_basic_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_count_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_count_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_math_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_math_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_merge_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_merge_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_product_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_product_test.py -------------------------------------------------------------------------------- /tests/fortran/intrinsic_sum_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/intrinsic_sum_test.py -------------------------------------------------------------------------------- /tests/fortran/offset_normalizer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/offset_normalizer_test.py -------------------------------------------------------------------------------- /tests/fortran/parent_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/parent_test.py -------------------------------------------------------------------------------- /tests/fortran/scope_arrays_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/scope_arrays_test.py -------------------------------------------------------------------------------- /tests/fortran/view_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fortran/view_test.py -------------------------------------------------------------------------------- /tests/fpga/auto_opt_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/auto_opt_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/autorun_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/autorun_test.py -------------------------------------------------------------------------------- /tests/fpga/axpy_transform_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/axpy_transform_test.py -------------------------------------------------------------------------------- /tests/fpga/bank_split_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/bank_split_test.py -------------------------------------------------------------------------------- /tests/fpga/channel_mangling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/channel_mangling_test.py -------------------------------------------------------------------------------- /tests/fpga/conflict_resolution_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/conflict_resolution_test.py -------------------------------------------------------------------------------- /tests/fpga/dot_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/dot_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/fpga_instrumentation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/fpga_instrumentation_test.py -------------------------------------------------------------------------------- /tests/fpga/fpga_stencil_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/fpga_stencil_test.py -------------------------------------------------------------------------------- /tests/fpga/gemv_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/gemv_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/hbm_transform_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/hbm_transform_test.py -------------------------------------------------------------------------------- /tests/fpga/jacobi_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/jacobi_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/kernel_detection_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/kernel_detection_test.py -------------------------------------------------------------------------------- /tests/fpga/long_long_opencl_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/long_long_opencl_test.py -------------------------------------------------------------------------------- /tests/fpga/mandelbrot_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/mandelbrot_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/matmul_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/matmul_test.py -------------------------------------------------------------------------------- /tests/fpga/memory_buffering_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/memory_buffering_test.py -------------------------------------------------------------------------------- /tests/fpga/multibank_copy_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/multibank_copy_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/multibank_vadd_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/multibank_vadd_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/multibank_validation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/multibank_validation_test.py -------------------------------------------------------------------------------- /tests/fpga/multiple_kernels_stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/multiple_kernels_stream.py -------------------------------------------------------------------------------- /tests/fpga/multiple_kernels_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/multiple_kernels_test.py -------------------------------------------------------------------------------- /tests/fpga/pipeline_scope_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/pipeline_scope_test.py -------------------------------------------------------------------------------- /tests/fpga/power_opencl_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/power_opencl_test.py -------------------------------------------------------------------------------- /tests/fpga/reduce_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/reduce_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/reshape_view_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/reshape_view_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/spmv_fpga_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/spmv_fpga_test.py -------------------------------------------------------------------------------- /tests/fpga/streaming_memory_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/streaming_memory_test.py -------------------------------------------------------------------------------- /tests/fpga/type_inference_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/type_inference_test.py -------------------------------------------------------------------------------- /tests/fpga/vec_sum_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/vec_sum_test.py -------------------------------------------------------------------------------- /tests/fpga/veclen_conversion_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/veclen_conversion_test.py -------------------------------------------------------------------------------- /tests/fpga/vector_reduce_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga/vector_reduce_test.py -------------------------------------------------------------------------------- /tests/fpga_polybench_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/fpga_polybench_test.sh -------------------------------------------------------------------------------- /tests/global_resolver_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/global_resolver_test.py -------------------------------------------------------------------------------- /tests/graph_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/graph_test.py -------------------------------------------------------------------------------- /tests/half_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/half_cudatest.py -------------------------------------------------------------------------------- /tests/halfvec_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/halfvec_cudatest.py -------------------------------------------------------------------------------- /tests/host_map_host_data_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/host_map_host_data_test.py -------------------------------------------------------------------------------- /tests/ifchain_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/ifchain_test.py -------------------------------------------------------------------------------- /tests/implicit_sdfg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/implicit_sdfg_test.py -------------------------------------------------------------------------------- /tests/indirection_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/indirection_test.py -------------------------------------------------------------------------------- /tests/inline_chain_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/inline_chain_test.py -------------------------------------------------------------------------------- /tests/inline_external_edges_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/inline_external_edges_test.py -------------------------------------------------------------------------------- /tests/inline_noinput_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/inline_noinput_test.py -------------------------------------------------------------------------------- /tests/inline_noncontig_dim_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/inline_noncontig_dim_test.py -------------------------------------------------------------------------------- /tests/inline_nonsink_access_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/inline_nonsink_access_test.py -------------------------------------------------------------------------------- /tests/inline_symbol_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/inline_symbol_test.py -------------------------------------------------------------------------------- /tests/inlining_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/inlining_test.py -------------------------------------------------------------------------------- /tests/instrumentation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/instrumentation_test.py -------------------------------------------------------------------------------- /tests/intarg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/intarg_test.py -------------------------------------------------------------------------------- /tests/interface/hooks_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/interface/hooks_test.py -------------------------------------------------------------------------------- /tests/interstate_assignment_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/interstate_assignment_test.py -------------------------------------------------------------------------------- /tests/interstate_edge_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/interstate_edge_utils_test.py -------------------------------------------------------------------------------- /tests/kernel_fusion_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/kernel_fusion_cudatest.py -------------------------------------------------------------------------------- /tests/lib_reuse_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/lib_reuse_test.py -------------------------------------------------------------------------------- /tests/library/addlib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/addlib/__init__.py -------------------------------------------------------------------------------- /tests/library/barlib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/barlib/__init__.py -------------------------------------------------------------------------------- /tests/library/batched_matmul_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/batched_matmul_test.py -------------------------------------------------------------------------------- /tests/library/blas_dot_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/blas_dot_test.py -------------------------------------------------------------------------------- /tests/library/codelibnode_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/codelibnode_test.py -------------------------------------------------------------------------------- /tests/library/einsum_blas_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/einsum_blas_test.py -------------------------------------------------------------------------------- /tests/library/fft_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/fft_test.py -------------------------------------------------------------------------------- /tests/library/foolib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/foolib/__init__.py -------------------------------------------------------------------------------- /tests/library/gemm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/gemm_test.py -------------------------------------------------------------------------------- /tests/library/include_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/include_test.py -------------------------------------------------------------------------------- /tests/library/lapack_getrf_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/lapack_getrf_test.py -------------------------------------------------------------------------------- /tests/library/lapack_getri_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/lapack_getri_test.py -------------------------------------------------------------------------------- /tests/library/lapack_getrs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/lapack_getrs_test.py -------------------------------------------------------------------------------- /tests/library/lapack_potrf_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/lapack_potrf_test.py -------------------------------------------------------------------------------- /tests/library/linalg_cholesky_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/linalg_cholesky_test.py -------------------------------------------------------------------------------- /tests/library/linalg_inv_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/linalg_inv_test.py -------------------------------------------------------------------------------- /tests/library/linalg_solve_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/linalg_solve_test.py -------------------------------------------------------------------------------- /tests/library/matmul_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/matmul_cudatest.py -------------------------------------------------------------------------------- /tests/library/mpi/mpi4py_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/mpi/mpi4py_test.py -------------------------------------------------------------------------------- /tests/library/mpi/mpi_allgather_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/mpi/mpi_allgather_test.py -------------------------------------------------------------------------------- /tests/library/mpi/mpi_bcast_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/mpi/mpi_bcast_test.py -------------------------------------------------------------------------------- /tests/library/mpi/mpi_reduce_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/mpi/mpi_reduce_test.py -------------------------------------------------------------------------------- /tests/library/mpi/subarrays_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/mpi/subarrays_test.py -------------------------------------------------------------------------------- /tests/library/pblas/pgemm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/pblas/pgemm_test.py -------------------------------------------------------------------------------- /tests/library/pblas/pgemv_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/pblas/pgemv_test.py -------------------------------------------------------------------------------- /tests/library/reduce_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/reduce_test.py -------------------------------------------------------------------------------- /tests/library/scalars_gpu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/scalars_gpu_test.py -------------------------------------------------------------------------------- /tests/library/sparse/csrmm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/sparse/csrmm_test.py -------------------------------------------------------------------------------- /tests/library/sparse/csrmv_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/sparse/csrmv_test.py -------------------------------------------------------------------------------- /tests/library/two_pkgs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/library/two_pkgs_test.py -------------------------------------------------------------------------------- /tests/local_inline_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/local_inline_test.py -------------------------------------------------------------------------------- /tests/loop_flat_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/loop_flat_test.cpp -------------------------------------------------------------------------------- /tests/map_dim_shuffle_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/map_dim_shuffle_test.py -------------------------------------------------------------------------------- /tests/map_indirect_array_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/map_indirect_array_test.py -------------------------------------------------------------------------------- /tests/mapreduce_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/mapreduce_test.py -------------------------------------------------------------------------------- /tests/memlet_propagation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/memlet_propagation_test.py -------------------------------------------------------------------------------- /tests/mlir_tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/mlir_tasklet_test.py -------------------------------------------------------------------------------- /tests/mpi_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/mpi_test.sh -------------------------------------------------------------------------------- /tests/multi_inline_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multi_inline_test.py -------------------------------------------------------------------------------- /tests/multi_output_scope_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multi_output_scope_test.py -------------------------------------------------------------------------------- /tests/multiple_cr_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multiple_cr_test.py -------------------------------------------------------------------------------- /tests/multiple_tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multiple_tasklet_test.py -------------------------------------------------------------------------------- /tests/multiprogram_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multiprogram_cudatest.py -------------------------------------------------------------------------------- /tests/multistate_init_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multistate_init_test.py -------------------------------------------------------------------------------- /tests/multistream_copy_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multistream_copy_cudatest.py -------------------------------------------------------------------------------- /tests/multistream_custom_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multistream_custom_cudatest.py -------------------------------------------------------------------------------- /tests/multistream_kernel_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/multistream_kernel_cudatest.py -------------------------------------------------------------------------------- /tests/ndloop_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/ndloop_test.py -------------------------------------------------------------------------------- /tests/nest_subgraph_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nest_subgraph_test.py -------------------------------------------------------------------------------- /tests/nested_control_flow_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_control_flow_test.py -------------------------------------------------------------------------------- /tests/nested_cr_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_cr_test.py -------------------------------------------------------------------------------- /tests/nested_loop_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_loop_test.py -------------------------------------------------------------------------------- /tests/nested_reduce_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_reduce_test.py -------------------------------------------------------------------------------- /tests/nested_sdfg_python_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_sdfg_python_test.py -------------------------------------------------------------------------------- /tests/nested_sdfg_scalar_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_sdfg_scalar_test.py -------------------------------------------------------------------------------- /tests/nested_sdfg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_sdfg_test.py -------------------------------------------------------------------------------- /tests/nested_stream_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_stream_test.py -------------------------------------------------------------------------------- /tests/nested_strides_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_strides_test.py -------------------------------------------------------------------------------- /tests/nested_symbol_partial_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_symbol_partial_test.py -------------------------------------------------------------------------------- /tests/nested_symbol_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_symbol_test.py -------------------------------------------------------------------------------- /tests/nested_vector_type_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/nested_vector_type_test.py -------------------------------------------------------------------------------- /tests/npbench/misc/compute_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/misc/compute_test.py -------------------------------------------------------------------------------- /tests/npbench/misc/crc16_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/misc/crc16_test.py -------------------------------------------------------------------------------- /tests/npbench/misc/go_fast_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/misc/go_fast_test.py -------------------------------------------------------------------------------- /tests/npbench/misc/nbody_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/misc/nbody_test.py -------------------------------------------------------------------------------- /tests/npbench/misc/spmv_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/misc/spmv_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/adi_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/adi_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/atax_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/atax_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/bicg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/bicg_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/k2mm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/k2mm_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/k3mm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/k3mm_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/lu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/lu_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/mvt_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/mvt_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/symm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/symm_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/syrk_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/syrk_test.py -------------------------------------------------------------------------------- /tests/npbench/polybench/trmm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/npbench/polybench/trmm_test.py -------------------------------------------------------------------------------- /tests/numpy/array_creation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/array_creation_test.py -------------------------------------------------------------------------------- /tests/numpy/assign_in_map_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/assign_in_map_test.py -------------------------------------------------------------------------------- /tests/numpy/assignment_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/assignment_test.py -------------------------------------------------------------------------------- /tests/numpy/attention_simple_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/attention_simple_test.py -------------------------------------------------------------------------------- /tests/numpy/attention_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/attention_test.py -------------------------------------------------------------------------------- /tests/numpy/attribute_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/attribute_test.py -------------------------------------------------------------------------------- /tests/numpy/augassign_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/augassign_test.py -------------------------------------------------------------------------------- /tests/numpy/basic_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/basic_test.py -------------------------------------------------------------------------------- /tests/numpy/binop_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/binop_test.py -------------------------------------------------------------------------------- /tests/numpy/builtins_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/builtins_test.py -------------------------------------------------------------------------------- /tests/numpy/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/common.py -------------------------------------------------------------------------------- /tests/numpy/concat_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/concat_test.py -------------------------------------------------------------------------------- /tests/numpy/constants_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/constants_test.py -------------------------------------------------------------------------------- /tests/numpy/copies_and_views_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/copies_and_views_test.py -------------------------------------------------------------------------------- /tests/numpy/dTGL_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/dTGL_test.py -------------------------------------------------------------------------------- /tests/numpy/dace_elementwise_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/dace_elementwise_test.py -------------------------------------------------------------------------------- /tests/numpy/einsum_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/einsum_test.py -------------------------------------------------------------------------------- /tests/numpy/eye_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/eye_test.py -------------------------------------------------------------------------------- /tests/numpy/flip_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/flip_test.py -------------------------------------------------------------------------------- /tests/numpy/gpu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/gpu_test.py -------------------------------------------------------------------------------- /tests/numpy/indirection_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/indirection_test.py -------------------------------------------------------------------------------- /tests/numpy/inline_scalar_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/inline_scalar_test.py -------------------------------------------------------------------------------- /tests/numpy/linalg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/linalg_test.py -------------------------------------------------------------------------------- /tests/numpy/list_globals_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/list_globals_test.py -------------------------------------------------------------------------------- /tests/numpy/map_syntax_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/map_syntax_test.py -------------------------------------------------------------------------------- /tests/numpy/math_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/math_test.py -------------------------------------------------------------------------------- /tests/numpy/negative_indices_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/negative_indices_test.py -------------------------------------------------------------------------------- /tests/numpy/nested_subrange_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/nested_subrange_test.py -------------------------------------------------------------------------------- /tests/numpy/npdot_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/npdot_test.py -------------------------------------------------------------------------------- /tests/numpy/pi_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/pi_test.py -------------------------------------------------------------------------------- /tests/numpy/reductions_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/reductions_test.py -------------------------------------------------------------------------------- /tests/numpy/reshape_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/reshape_test.py -------------------------------------------------------------------------------- /tests/numpy/retval_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/retval_test.py -------------------------------------------------------------------------------- /tests/numpy/rgf_exhaustivetest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/rgf_exhaustivetest.py -------------------------------------------------------------------------------- /tests/numpy/rot90_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/rot90_test.py -------------------------------------------------------------------------------- /tests/numpy/rowwise_assign_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/rowwise_assign_test.py -------------------------------------------------------------------------------- /tests/numpy/scalar_array_op_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/scalar_array_op_test.py -------------------------------------------------------------------------------- /tests/numpy/searching_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/searching_test.py -------------------------------------------------------------------------------- /tests/numpy/slice_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/slice_test.py -------------------------------------------------------------------------------- /tests/numpy/split_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/split_test.py -------------------------------------------------------------------------------- /tests/numpy/sse_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/sse_test.py -------------------------------------------------------------------------------- /tests/numpy/transient_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/transient_test.py -------------------------------------------------------------------------------- /tests/numpy/transpose_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/transpose_test.py -------------------------------------------------------------------------------- /tests/numpy/ufunc_support_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/ufunc_support_test.py -------------------------------------------------------------------------------- /tests/numpy/ufunc_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/ufunc_test.py -------------------------------------------------------------------------------- /tests/numpy/unop_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy/unop_test.py -------------------------------------------------------------------------------- /tests/numpy_bool_input_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/numpy_bool_input_test.py -------------------------------------------------------------------------------- /tests/octave/add.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/octave/add.m -------------------------------------------------------------------------------- /tests/octave/cholesky.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/octave/cholesky.m -------------------------------------------------------------------------------- /tests/octave/forloop.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/octave/forloop.m -------------------------------------------------------------------------------- /tests/octave/matrix_scalar_add.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/octave/matrix_scalar_add.m -------------------------------------------------------------------------------- /tests/octave/mult.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/octave/mult.m -------------------------------------------------------------------------------- /tests/octave/octave_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/octave/octave_test.py -------------------------------------------------------------------------------- /tests/octave/scalar_add.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/octave/scalar_add.m -------------------------------------------------------------------------------- /tests/offset_stride_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/offset_stride_test.py -------------------------------------------------------------------------------- /tests/onnx/test_bert_subgraphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/onnx/test_bert_subgraphs.py -------------------------------------------------------------------------------- /tests/onnx/test_input_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/onnx/test_input_outputs.py -------------------------------------------------------------------------------- /tests/onnx/test_models/test_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/onnx/test_models/test_bert.py -------------------------------------------------------------------------------- /tests/onnx/test_name_shadowing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/onnx/test_name_shadowing.py -------------------------------------------------------------------------------- /tests/onnx/test_python_frontend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/onnx/test_python_frontend.py -------------------------------------------------------------------------------- /tests/onnx/test_variadic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/onnx/test_variadic.py -------------------------------------------------------------------------------- /tests/openmp_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/openmp_test.py -------------------------------------------------------------------------------- /tests/parallel_sections_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/parallel_sections_test.py -------------------------------------------------------------------------------- /tests/parse_state_struct_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/parse_state_struct_test.py -------------------------------------------------------------------------------- /tests/passes/access_ranges_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/passes/access_ranges_test.py -------------------------------------------------------------------------------- /tests/passes/pipeline_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/passes/pipeline_test.py -------------------------------------------------------------------------------- /tests/passes/scalar_fission_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/passes/scalar_fission_test.py -------------------------------------------------------------------------------- /tests/passes/split_tasklets_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/passes/split_tasklets_test.py -------------------------------------------------------------------------------- /tests/passes/symbol_ssa_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/passes/symbol_ssa_test.py -------------------------------------------------------------------------------- /tests/persistent_fusion_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/persistent_fusion_cudatest.py -------------------------------------------------------------------------------- /tests/persistent_map_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/persistent_map_cudatest.py -------------------------------------------------------------------------------- /tests/persistent_tb_map_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/persistent_tb_map_cudatest.py -------------------------------------------------------------------------------- /tests/polybench/2mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/2mm.py -------------------------------------------------------------------------------- /tests/polybench/3mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/3mm.py -------------------------------------------------------------------------------- /tests/polybench/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/polybench/adi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/adi.py -------------------------------------------------------------------------------- /tests/polybench/atax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/atax.py -------------------------------------------------------------------------------- /tests/polybench/bicg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/bicg.py -------------------------------------------------------------------------------- /tests/polybench/cholesky.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/cholesky.py -------------------------------------------------------------------------------- /tests/polybench/correlation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/correlation.py -------------------------------------------------------------------------------- /tests/polybench/covariance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/covariance.py -------------------------------------------------------------------------------- /tests/polybench/deriche.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/deriche.py -------------------------------------------------------------------------------- /tests/polybench/doitgen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/doitgen.py -------------------------------------------------------------------------------- /tests/polybench/durbin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/durbin.py -------------------------------------------------------------------------------- /tests/polybench/fdtd-2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/fdtd-2d.py -------------------------------------------------------------------------------- /tests/polybench/floyd-warshall.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/floyd-warshall.py -------------------------------------------------------------------------------- /tests/polybench/gemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/gemm.py -------------------------------------------------------------------------------- /tests/polybench/gemver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/gemver.py -------------------------------------------------------------------------------- /tests/polybench/gesummv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/gesummv.py -------------------------------------------------------------------------------- /tests/polybench/gramschmidt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/gramschmidt.py -------------------------------------------------------------------------------- /tests/polybench/heat-3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/heat-3d.py -------------------------------------------------------------------------------- /tests/polybench/jacobi-1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/jacobi-1d.py -------------------------------------------------------------------------------- /tests/polybench/jacobi-2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/jacobi-2d.py -------------------------------------------------------------------------------- /tests/polybench/lu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/lu.py -------------------------------------------------------------------------------- /tests/polybench/ludcmp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/ludcmp.py -------------------------------------------------------------------------------- /tests/polybench/mvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/mvt.py -------------------------------------------------------------------------------- /tests/polybench/nussinov.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/nussinov.py -------------------------------------------------------------------------------- /tests/polybench/polybench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/polybench.py -------------------------------------------------------------------------------- /tests/polybench/seidel-2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/seidel-2d.py -------------------------------------------------------------------------------- /tests/polybench/symm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/symm.py -------------------------------------------------------------------------------- /tests/polybench/syr2k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/syr2k.py -------------------------------------------------------------------------------- /tests/polybench/syrk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/syrk.py -------------------------------------------------------------------------------- /tests/polybench/trisolv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/trisolv.py -------------------------------------------------------------------------------- /tests/polybench/trmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench/trmm.py -------------------------------------------------------------------------------- /tests/polybench_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/polybench_test.sh -------------------------------------------------------------------------------- /tests/properties_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/properties_test.py -------------------------------------------------------------------------------- /tests/python_frontend/assert_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/assert_test.py -------------------------------------------------------------------------------- /tests/python_frontend/lambda_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/lambda_test.py -------------------------------------------------------------------------------- /tests/python_frontend/loops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/loops_test.py -------------------------------------------------------------------------------- /tests/python_frontend/method_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/method_test.py -------------------------------------------------------------------------------- /tests/python_frontend/pymath_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/pymath_test.py -------------------------------------------------------------------------------- /tests/python_frontend/scope_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/scope_test.py -------------------------------------------------------------------------------- /tests/python_frontend/string_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/string_test.py -------------------------------------------------------------------------------- /tests/python_frontend/unroll_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/python_frontend/unroll_test.py -------------------------------------------------------------------------------- /tests/range_add_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/range_add_test.py -------------------------------------------------------------------------------- /tests/range_from_string_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/range_from_string_test.py -------------------------------------------------------------------------------- /tests/read_after_write_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/read_after_write_test.py -------------------------------------------------------------------------------- /tests/reduce_offsets_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/reduce_offsets_test.py -------------------------------------------------------------------------------- /tests/reduce_strided_disabledtest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/reduce_strided_disabledtest.py -------------------------------------------------------------------------------- /tests/reduction_detection_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/reduction_detection_test.py -------------------------------------------------------------------------------- /tests/registry_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/registry_test.py -------------------------------------------------------------------------------- /tests/reloadable_lib_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/reloadable_lib_test.py -------------------------------------------------------------------------------- /tests/reshape_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/reshape_test.py -------------------------------------------------------------------------------- /tests/rtl/hardware_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/rtl/hardware_test.py -------------------------------------------------------------------------------- /tests/rtl/simulation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/rtl/simulation_test.py -------------------------------------------------------------------------------- /tests/runtime_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/runtime_test.cpp -------------------------------------------------------------------------------- /tests/safe_call_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/safe_call_test.py -------------------------------------------------------------------------------- /tests/scalar_output_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/scalar_output_cudatest.py -------------------------------------------------------------------------------- /tests/schedule_inference_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/schedule_inference_test.py -------------------------------------------------------------------------------- /tests/schedule_tree/naming_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/schedule_tree/naming_test.py -------------------------------------------------------------------------------- /tests/schedule_tree/nesting_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/schedule_tree/nesting_test.py -------------------------------------------------------------------------------- /tests/schedule_tree/schedule_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/schedule_tree/schedule_test.py -------------------------------------------------------------------------------- /tests/sdfg/cutout_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/cutout_test.py -------------------------------------------------------------------------------- /tests/sdfg/cycles_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/cycles_test.py -------------------------------------------------------------------------------- /tests/sdfg/data/structure_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/data/structure_test.py -------------------------------------------------------------------------------- /tests/sdfg/data/tensor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/data/tensor_test.py -------------------------------------------------------------------------------- /tests/sdfg/disallowed_access_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/disallowed_access_test.py -------------------------------------------------------------------------------- /tests/sdfg/free_symbols_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/free_symbols_test.py -------------------------------------------------------------------------------- /tests/sdfg/loop_region_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/loop_region_test.py -------------------------------------------------------------------------------- /tests/sdfg/memlet_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/memlet_utils_test.py -------------------------------------------------------------------------------- /tests/sdfg/nodes_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/nodes_test.py -------------------------------------------------------------------------------- /tests/sdfg/reference_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/reference_test.py -------------------------------------------------------------------------------- /tests/sdfg/scalar_return.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/scalar_return.py -------------------------------------------------------------------------------- /tests/sdfg/state_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/state_test.py -------------------------------------------------------------------------------- /tests/sdfg/utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/utils_test.py -------------------------------------------------------------------------------- /tests/sdfg/work_depth_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg/work_depth_test.py -------------------------------------------------------------------------------- /tests/sdfg_validate_names_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg_validate_names_test.py -------------------------------------------------------------------------------- /tests/sdfg_validate_scopes_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdfg_validate_scopes_test.py -------------------------------------------------------------------------------- /tests/sdutil_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/sdutil_test.py -------------------------------------------------------------------------------- /tests/serialize_types_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/serialize_types_test.py -------------------------------------------------------------------------------- /tests/short_decorator_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/short_decorator_test.py -------------------------------------------------------------------------------- /tests/simple_control_flow_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/simple_control_flow_test.py -------------------------------------------------------------------------------- /tests/softmax_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/softmax_test.py -------------------------------------------------------------------------------- /tests/specialize_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/specialize_test.py -------------------------------------------------------------------------------- /tests/state_propagation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/state_propagation_test.py -------------------------------------------------------------------------------- /tests/state_transition_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/state_transition_test.py -------------------------------------------------------------------------------- /tests/stream_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/stream_test.py -------------------------------------------------------------------------------- /tests/strict_after_load_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/strict_after_load_test.py -------------------------------------------------------------------------------- /tests/strided_range_copy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/strided_range_copy_test.py -------------------------------------------------------------------------------- /tests/strided_range_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/strided_range_test.py -------------------------------------------------------------------------------- /tests/struct_reduce_sdfg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/struct_reduce_sdfg_test.py -------------------------------------------------------------------------------- /tests/struct_reduce_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/struct_reduce_test.py -------------------------------------------------------------------------------- /tests/struct_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/struct_test.py -------------------------------------------------------------------------------- /tests/subarray_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/subarray_test.py -------------------------------------------------------------------------------- /tests/subset_covers_precise_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/subset_covers_precise_test.py -------------------------------------------------------------------------------- /tests/subset_intersects_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/subset_intersects_test.py -------------------------------------------------------------------------------- /tests/subsets_squeeze_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/subsets_squeeze_test.py -------------------------------------------------------------------------------- /tests/symbol_in_tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/symbol_in_tasklet_test.py -------------------------------------------------------------------------------- /tests/symbol_inference_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/symbol_inference_test.py -------------------------------------------------------------------------------- /tests/symbol_mapping_replace_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/symbol_mapping_replace_test.py -------------------------------------------------------------------------------- /tests/symbol_type_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/symbol_type_test.py -------------------------------------------------------------------------------- /tests/tasklet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tasklet_test.py -------------------------------------------------------------------------------- /tests/tensorflow/callback_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tensorflow/callback_test.py -------------------------------------------------------------------------------- /tests/tensorflow/compile_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tensorflow/compile_test.py -------------------------------------------------------------------------------- /tests/tensorflow/conv_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tensorflow/conv_test.py -------------------------------------------------------------------------------- /tests/tensorflow/fbn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tensorflow/fbn_test.py -------------------------------------------------------------------------------- /tests/tensorflow/ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tensorflow/ops_test.py -------------------------------------------------------------------------------- /tests/tensorflow/pool_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tensorflow/pool_test.py -------------------------------------------------------------------------------- /tests/tensorflow/simple_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tensorflow/simple_test.py -------------------------------------------------------------------------------- /tests/threadlocal_stream_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/threadlocal_stream_test.py -------------------------------------------------------------------------------- /tests/threadlocal_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/threadlocal_test.py -------------------------------------------------------------------------------- /tests/tile_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tile_test.py -------------------------------------------------------------------------------- /tests/tile_twice_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tile_twice_test.py -------------------------------------------------------------------------------- /tests/tiling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tiling_test.py -------------------------------------------------------------------------------- /tests/tiling_with_overlap_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tiling_with_overlap_test.py -------------------------------------------------------------------------------- /tests/toplevel_interstate_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/toplevel_interstate_test.py -------------------------------------------------------------------------------- /tests/torch_forward/test_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/torch_forward/test_attn.py -------------------------------------------------------------------------------- /tests/torch_forward/test_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/torch_forward/test_conv2d.py -------------------------------------------------------------------------------- /tests/torch_forward/test_dlpack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/torch_forward/test_dlpack.py -------------------------------------------------------------------------------- /tests/torch_forward/test_lenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/torch_forward/test_lenet.py -------------------------------------------------------------------------------- /tests/torch_forward/test_reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/torch_forward/test_reshape.py -------------------------------------------------------------------------------- /tests/transformations/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/transformations/utility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/transformations/utility.py -------------------------------------------------------------------------------- /tests/tutorials/tutorials_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/tutorials/tutorials_test.py -------------------------------------------------------------------------------- /tests/type_inference_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/type_inference_test.py -------------------------------------------------------------------------------- /tests/uintptr_t_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/uintptr_t_test.py -------------------------------------------------------------------------------- /tests/undefined_symbol_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/undefined_symbol_test.py -------------------------------------------------------------------------------- /tests/unique_nested_sdfg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/unique_nested_sdfg_test.py -------------------------------------------------------------------------------- /tests/unparse_memlet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/unparse_memlet_test.py -------------------------------------------------------------------------------- /tests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/utils.py -------------------------------------------------------------------------------- /tests/utils/array_dimension_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/utils/array_dimension_utils.py -------------------------------------------------------------------------------- /tests/utils/symbol_in_code_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/utils/symbol_in_code_test.py -------------------------------------------------------------------------------- /tests/vector_min_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/vector_min_test.py -------------------------------------------------------------------------------- /tests/vectortype_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/vectortype_test.py -------------------------------------------------------------------------------- /tests/vla_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/vla_test.py -------------------------------------------------------------------------------- /tests/wcr_cudatest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/wcr_cudatest.py -------------------------------------------------------------------------------- /tests/xform_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tests/xform_test.sh -------------------------------------------------------------------------------- /tutorials/.gitignore: -------------------------------------------------------------------------------- 1 | .ipynb_checkpoints 2 | -------------------------------------------------------------------------------- /tutorials/benchmarking.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/benchmarking.ipynb -------------------------------------------------------------------------------- /tutorials/codegen.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/codegen.ipynb -------------------------------------------------------------------------------- /tutorials/explicit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/explicit.ipynb -------------------------------------------------------------------------------- /tutorials/getting_started.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/getting_started.ipynb -------------------------------------------------------------------------------- /tutorials/numpy_frontend.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/numpy_frontend.ipynb -------------------------------------------------------------------------------- /tutorials/performance.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/performance.png -------------------------------------------------------------------------------- /tutorials/sdfg_api.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/sdfg_api.ipynb -------------------------------------------------------------------------------- /tutorials/spmv.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/spmv.ipynb -------------------------------------------------------------------------------- /tutorials/transformations.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/spcl/dace/HEAD/tutorials/transformations.ipynb --------------------------------------------------------------------------------