├── .github ├── linters │ └── .flake8 ├── pull_request_template.md └── workflows │ └── main.yml ├── .gitignore ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── alps-test-suites.md ├── checks ├── apps │ ├── arbor │ │ ├── arbor-dev.py │ │ └── src │ │ │ ├── busyring-input-medium.json │ │ │ └── busyring-input-small.json │ ├── cp2k │ │ ├── cp2k_uenv.py │ │ └── src │ │ │ ├── BASIS_H2O │ │ │ ├── GTH_BASIS_SETS │ │ │ ├── H2O-128-PBE-TZ-max_scf_16.inp │ │ │ ├── H2O-128-PBE-TZ.inp │ │ │ ├── H2O-128-RI-dRPA-TZ.inp │ │ │ ├── H2O-128.inp │ │ │ ├── H2O-128.xyz │ │ │ ├── H2O-256.inp │ │ │ ├── POTENTIAL │ │ │ ├── POTENTIAL_H2O │ │ │ ├── README.md │ │ │ ├── mps-wrapper.sh │ │ │ └── pika-bind.sh │ ├── deprecated │ │ ├── amber │ │ │ └── amber_check.py │ │ └── cpmd │ │ │ ├── cpmd_check.py │ │ │ └── src │ │ │ ├── C_MT_BLYP │ │ │ ├── H_MT_BLYP │ │ │ └── ana_c4h6.in │ ├── dummysph │ │ ├── dummysph.py │ │ └── scripts │ │ │ └── dummysph.sh │ ├── greasy │ │ ├── greasy_check.py │ │ └── src │ │ │ └── tasks_mpi_openmp.c │ ├── gromacs │ │ ├── gromacs_check.py │ │ └── src │ │ │ └── mps-wrapper.sh │ ├── icon │ │ └── rrtmgp_check.py │ ├── icon4py │ │ ├── icon4py_check.py │ │ └── src │ │ │ ├── _install.sh │ │ │ └── _run.sh │ ├── jupyter │ │ └── check_ipcmagic.py │ ├── lammps │ │ ├── lammps.py │ │ └── src │ │ │ ├── lj_gpu.in │ │ │ └── lj_kokkos.in │ ├── namd │ │ └── namd_check_uenv.py │ ├── paraview │ │ ├── paraview.py │ │ └── src │ │ │ ├── coloredSphere.py │ │ │ └── scripts │ │ │ ├── pvParaView-ConnectToCrays.py │ │ │ ├── rc-submit.alps-pvserver.sh │ │ │ └── readme.md │ ├── python │ │ └── numpy_check.py │ ├── pytorch │ │ ├── mlperf_storage_ce.py │ │ ├── mlperf_storage_sarus.py │ │ ├── pytorch_allreduce.py │ │ ├── pytorch_amd.py │ │ ├── pytorch_horovod_check.py │ │ ├── pytorch_megatronlm.py │ │ ├── pytorch_megatronlm_amd.py │ │ ├── pytorch_nvidia.py │ │ ├── pytorch_test_base.py │ │ └── src │ │ │ ├── activate_ofi.sh │ │ │ ├── cnn_distr.py │ │ │ ├── pt_distr_env.py │ │ │ ├── setup_conda.sh │ │ │ └── unet3d.yaml │ ├── q-e-sirius │ │ ├── q-e-sirius_check_uenv.py │ │ └── src │ │ │ ├── Au.pbe-nd-van.UPF │ │ │ ├── README.md │ │ │ ├── amdgpu-wrapper.sh │ │ │ ├── ausurf.in │ │ │ ├── mps-wrapper.sh │ │ │ ├── sirius-amd.json │ │ │ └── tpx-wrapper.sh │ ├── quantumespresso │ │ ├── quantumespresso_check_uenv.py │ │ └── src │ │ │ ├── Au.pbe-nd-van.UPF │ │ │ ├── README.md │ │ │ ├── ausurf.in │ │ │ └── mps-wrapper.sh │ ├── sirius │ │ ├── Si63Ge │ │ │ ├── ge_lda_v1.4.uspp.F.UPF.json │ │ │ ├── output_ref.json │ │ │ ├── si_lda_v1.uspp.F.UPF.json │ │ │ └── sirius.json │ │ └── sirius_check.py │ ├── spark │ │ └── spark_check.py │ ├── sphexa │ │ ├── sphexa_uenv.py │ │ └── src │ │ │ └── scripts │ │ │ ├── cuda-vars.sh │ │ │ ├── mi200-vars.sh │ │ │ └── mi300-vars.sh │ ├── tensorflow │ │ └── tf2_horovod_check.py │ └── vasp │ │ ├── src │ │ ├── INCAR │ │ ├── KPOINTS │ │ ├── POSCAR │ │ ├── POTCAR │ │ └── makefile.include.gh200 │ │ └── vasp_check_uenv.py ├── compile │ ├── haswell_fma_check.py │ ├── libsci_acc_symlink.py │ ├── libsci_resolve.py │ └── src │ │ ├── haswell_fma │ │ ├── Makefile │ │ ├── vectorize_fma_c.c │ │ ├── vectorize_fma_cplusplus.cc │ │ └── vectorize_fma_ftn.f90 │ │ └── libsci_resolve │ │ └── libsci_resolve.f90 ├── containers │ ├── buildah │ │ ├── buildah_check.py │ │ └── src │ │ │ ├── Dockerfile_cuda │ │ │ ├── Dockerfile_osu │ │ │ └── registries.conf │ ├── container_engine │ │ ├── check_cuda_nbody.py │ │ ├── cuda_mps.py │ │ ├── omb.py │ │ └── ssh.py │ └── sarus │ │ ├── check_cuda_nbody.py │ │ ├── check_gpu_ids.py │ │ ├── check_horovod.py │ │ ├── check_osu_benchmarks.py │ │ ├── check_osu_benchmarks_cuda.py │ │ ├── check_pull_command.py │ │ ├── check_pyfr.py │ │ └── check_root_squash_bind_mount.py ├── libraries │ ├── boost │ │ ├── boost_python_check.py │ │ └── src │ │ │ ├── Makefile │ │ │ ├── hello.py │ │ │ └── hello_boost_python.cpp │ ├── cray-libsci │ │ └── libsci_acc.py │ ├── dlaf │ │ ├── dlaf.py │ │ └── src │ │ │ └── rocr_wrapper.sh │ ├── gridtools │ │ └── gridtools_tests.py │ ├── io │ │ ├── h5py_mpi.py │ │ ├── hdf5.py │ │ ├── hdf5_compile_run.py │ │ ├── netcdf.py │ │ ├── netcdf_compile_run.py │ │ ├── pnetcdf.py │ │ └── src │ │ │ ├── h5_subset.f90 │ │ │ ├── h5ex_d_chunk.c │ │ │ ├── h5ex_d_chunk.f90 │ │ │ ├── h5py_mpi.py │ │ │ ├── h5tutr_subset.cpp │ │ │ ├── netcdf-hdf5parallel │ │ │ ├── c │ │ │ │ ├── Makefile │ │ │ │ ├── include │ │ │ │ │ ├── config.h │ │ │ │ │ ├── err_macros.h │ │ │ │ │ ├── nc_logging.h │ │ │ │ │ ├── nc_tests.h │ │ │ │ │ ├── ncbytes.h │ │ │ │ │ ├── ncexternl.h │ │ │ │ │ ├── nclist.h │ │ │ │ │ ├── ncpathmgr.h │ │ │ │ │ ├── ncrc.h │ │ │ │ │ ├── ncuri.h │ │ │ │ │ └── readme.md │ │ │ │ └── tst_parallel.c │ │ │ ├── cpp │ │ │ │ ├── Makefile │ │ │ │ ├── simple_xy_rd.cpp │ │ │ │ └── simple_xy_wr.cpp │ │ │ └── f90 │ │ │ │ ├── Makefile │ │ │ │ ├── simple_xy_par_rd.F90 │ │ │ │ └── simple_xy_par_wr2.F90 │ │ │ └── pnetcdf │ │ │ ├── transpose.cpp │ │ │ ├── transpose.f90 │ │ │ └── utils.F90 │ ├── magma │ │ ├── magma_checks.py │ │ └── src │ │ │ ├── Makefile_cblas_z │ │ │ ├── Makefile_zgemm │ │ │ ├── Makefile_zsymmetrize │ │ │ ├── Makefile_ztranspose │ │ │ ├── Makefile_zunmbr │ │ │ ├── flops.h │ │ │ ├── license.txt │ │ │ ├── magma_generate.cpp │ │ │ ├── magma_lapack.hpp │ │ │ ├── magma_matrix.hpp │ │ │ ├── magma_util.cpp │ │ │ ├── patch.txt │ │ │ ├── testing_c.h │ │ │ ├── testing_cblas_z.cpp │ │ │ ├── testing_d.h │ │ │ ├── testing_s.h │ │ │ ├── testing_z.h │ │ │ ├── testing_zgemm.cpp │ │ │ ├── testing_zsymmetrize.cpp │ │ │ ├── testing_ztranspose.cpp │ │ │ ├── testing_zunmbr.cpp │ │ │ └── testings.h │ ├── math │ │ ├── scalapack_compile_run.py │ │ ├── src │ │ │ ├── example_AmesosFactory_HB.cpp │ │ │ └── sample_pdsyev_call.f │ │ └── trilinos_compile_run.py │ ├── opengl │ │ ├── opengl_checks.py │ │ └── src │ │ │ ├── EGL │ │ │ ├── egl.h │ │ │ ├── eglext.h │ │ │ └── eglplatform.h │ │ │ ├── KHR │ │ │ └── khrplatform.h │ │ │ ├── Makefile │ │ │ ├── Readme.txt │ │ │ └── tinyegl.cc │ └── petsc │ │ ├── petsc_helloworld.py │ │ └── src │ │ └── poisson2d.c ├── mch │ ├── automatic_arrays_acc.py │ ├── collectives_halo.py │ ├── cuda_stress_test.py │ ├── gpu_direct_acc.py │ ├── gpu_direct_cuda.py │ ├── multi_device_openacc.py │ ├── openacc_cuda_mpi_cppstd.py │ └── src │ │ ├── Makefile │ │ ├── Makefile.multi_device_openacc │ │ ├── NArray.rb │ │ ├── automatic_arrays_OpenACC.F90 │ │ ├── compute_cuda.cu │ │ ├── cuda_stencil_test.cu │ │ ├── gpu_direct_acc.F90 │ │ ├── gpu_direct_cuda.cu │ │ ├── multi_device_openacc.F90 │ │ ├── openacc_cuda_mpi_cppstd.F90 │ │ └── std_cpp_call.cpp ├── microbenchmarks │ ├── cpu │ │ ├── alloc_speed │ │ │ ├── alloc_speed.py │ │ │ └── src │ │ │ │ └── alloc_speed.cpp │ │ ├── dgemm │ │ │ ├── dgemm.py │ │ │ └── src │ │ │ │ └── dgemm.c │ │ ├── fft │ │ │ ├── fftw_benchmark.py │ │ │ └── src │ │ │ │ └── fftw_benchmark.c │ │ ├── latency │ │ │ ├── latency.py │ │ │ └── src │ │ │ │ └── latency.cpp │ │ ├── likwid │ │ │ └── check_cpu_bandwith.py │ │ ├── roofline │ │ │ └── berkeley-ert.py │ │ ├── simd │ │ │ ├── benches │ │ │ │ ├── benches.hpp │ │ │ │ ├── cxx_adv │ │ │ │ │ ├── mul.avx2.f32.cpp │ │ │ │ │ └── mul.avx2.f64.cpp │ │ │ │ ├── mul.avx2.f32.cpp │ │ │ │ └── mul.avx2.f64.cpp │ │ │ └── nsimd.py │ │ ├── stream │ │ │ ├── src │ │ │ │ └── stream.c │ │ │ └── stream.py │ │ └── strided_bandwidth │ │ │ ├── src │ │ │ └── strides.cpp │ │ │ └── strides.py │ ├── cpu_gpu │ │ └── node_burn │ │ │ └── node-burn-ce.py │ ├── gpu │ │ ├── dgemm │ │ │ ├── coralgemm.py │ │ │ └── dgemm.py │ │ ├── gpu_benchmarks │ │ │ ├── fft.py │ │ │ └── parallel_algos.py │ │ ├── gpu_burn │ │ │ └── gpu_burn_test.py │ │ ├── hooks.py │ │ ├── kernel_latency │ │ │ └── kernel_latency.py │ │ ├── memory_bandwidth │ │ │ └── memory_bandwidth.py │ │ ├── node_burn │ │ │ └── baremetal-node-burn.py │ │ ├── pointer_chase │ │ │ └── pointer_chase.py │ │ ├── roofline │ │ │ └── berkeley-ert-gpu.py │ │ └── shmem │ │ │ └── shmem.py │ ├── hpcg │ │ ├── hpcg_benchmark.py │ │ └── src │ │ │ └── Make.CrayXC │ ├── hpl │ │ ├── hpl_check.py │ │ ├── rochpl.py │ │ └── scripts │ │ │ ├── mi200-wrapper.sh │ │ │ └── mi300-wrapper.sh │ ├── mpi │ │ ├── halo_exchange │ │ │ ├── halo_cell_exchange.py │ │ │ └── src │ │ │ │ ├── halo_cell_exchange.c │ │ │ │ └── input.txt │ │ └── osu │ │ │ ├── osu_run.py │ │ │ └── osu_tests.py │ └── xccl │ │ └── xccl_tests.py ├── mixins │ ├── container_engine.py │ ├── cuda_visible_devices_all.py │ ├── extra_launcher_options.py │ ├── sarus_extra_launcher_options.py │ ├── slurm_mpi_pmix.py │ ├── uenv_setup.py │ └── uenv_slurm_mpi_options.py ├── prgenv │ ├── affinity_check.py │ ├── cpu_target_check.py │ ├── cuda │ │ ├── cuda_aware_mpi.py │ │ ├── cuda_memtest_check.py │ │ ├── cuda_nvml.py │ │ ├── cuda_samples.py │ │ └── src │ │ │ └── cuda_memtest-1.2.3.patch │ ├── cuda_fortran.py │ ├── environ_check.py │ ├── helloworld.py │ ├── hip │ │ └── build_hip.py │ ├── mpi.py │ ├── mpi_cpi.py │ ├── openacc.py │ ├── opencl.py │ ├── prgenv_check.py │ ├── src │ │ ├── alps-gh200-reproducers │ │ │ └── gpudirect_oom.cpp │ │ ├── cuda-fortran │ │ │ └── vecAdd_cuda.cuf │ │ ├── hello │ │ │ ├── hello.F90 │ │ │ ├── hello.c │ │ │ └── hello.cpp │ │ ├── mpi │ │ │ └── mpi_helloworld.c │ │ ├── mpi_cpi │ │ │ └── cpi.c │ │ ├── mpi_thread │ │ │ ├── Makefile │ │ │ └── mpi_init_thread.cpp │ │ ├── openacc │ │ │ └── vecAdd_openacc.F90 │ │ ├── opencl │ │ │ ├── vecAdd.c │ │ │ └── vecAddKernel.cl │ │ └── ulimit │ │ │ └── ulimit.c │ ├── ssh_environ_check.py │ ├── uenv_fixincludes.py │ └── ulimit_check.py ├── system │ ├── ce │ │ └── ce_import_run_image.py │ ├── gssr │ │ ├── dcgm_hook.py │ │ └── src │ │ │ ├── hook │ │ │ └── dcgm_hook.sh │ │ │ └── rpm │ │ │ ├── 3.3.6.ref │ │ │ └── dcgm_rpm.sh │ ├── integration │ │ ├── constants.py │ │ ├── daint.py │ │ ├── eiger.py │ │ ├── utils.py │ │ └── v-cluster_config.py │ ├── io │ │ └── ior_check.py │ ├── jobreport │ │ └── gpu_report.py │ ├── network │ │ ├── cxi_gpu_loopback_bw.py │ │ └── cxi_stat_hsn.py │ ├── nvidia │ │ ├── nvidia_device_count.py │ │ ├── nvidia_smi_check.py │ │ └── src │ │ │ └── deviceCount.cu │ ├── openstack │ │ ├── s3_check.py │ │ └── src │ │ │ ├── s3_create_bucket.py │ │ │ ├── s3_create_small_object.py │ │ │ ├── s3_delete.py │ │ │ ├── s3_download_large_object.py │ │ │ ├── s3_test.sh │ │ │ ├── s3_upload_large_object.py │ │ │ └── tools.py │ ├── slurm │ │ ├── cscs_usertools.py │ │ ├── hetjob.py │ │ ├── slurm.py │ │ └── src │ │ │ ├── eatmem │ │ │ ├── eatmemory.c │ │ │ └── eatmemory_mpi.c │ │ │ └── heterogeneous.c │ ├── systems_data │ │ ├── beverin_data.json │ │ ├── clariden_data.json │ │ ├── daint_data.json │ │ ├── eiger_data.json │ │ ├── extract_data.py │ │ ├── todi_data.json │ │ ├── wildhorn_data.json │ │ └── zinal_data.json │ └── uenv │ │ └── uenv_status.py └── tools │ ├── io │ ├── cdo.py │ ├── cdo_legacy.py │ ├── nco.py │ └── nco_legacy.py │ ├── jupyter │ └── jupyter_tests.py │ └── profiling_and_debugging │ ├── README.md │ ├── cuda_gdb.py │ ├── linaro_forge.py │ ├── notool.py │ ├── nvprof.py │ └── src │ ├── C++ │ ├── Makefile │ ├── _jacobi.cc │ ├── _main.cc │ └── jacobi.h │ ├── Cuda │ ├── .in.cudagdb │ ├── Makefile │ ├── Makefile_cuda_gdb │ ├── Makefile_perftools │ ├── _jacobi-cuda-kernel.cu │ └── _jacobi-cuda.c │ ├── F90 │ ├── Makefile │ ├── _jacobi.F90 │ ├── _jacobiddt.F90 │ ├── _main.F90 │ └── _variableDef.F90 │ └── linaro │ └── hello.cpp ├── ci ├── alps_cpe.yml ├── alps_uenv.yml ├── cpe.yml ├── cscs.yml └── scripts │ ├── activate_reframe.sh │ ├── alps.sh │ ├── oneuptime.py │ ├── prepare_uenvs.sh │ └── slack_notify.py ├── config ├── README.md ├── balfrin │ ├── cuda_visible_devices.sh │ └── squashfs.py ├── common.py ├── common_logging.json ├── cscs-ci.py ├── cscs.py ├── generate.py ├── reframe_config_template.j2 ├── systems-firecrest │ ├── README.md │ ├── clariden.py │ ├── daint.py │ └── eiger.py ├── systems │ ├── ault.py │ ├── balfrin.py │ ├── beverin.py │ ├── bristen.py │ ├── clariden.py │ ├── daint.py │ ├── deprecated │ │ ├── arolla.py │ │ ├── rigi.py │ │ ├── todi.py │ │ └── tsa.py │ ├── eiger.py │ ├── pilatus.py │ ├── santis.py │ ├── starlex.py │ ├── tasna.py │ └── wildhorn.py └── utilities │ ├── config.py │ ├── constants.py │ ├── firecrest_slurm.py │ ├── io.py │ ├── job_util.py │ ├── modules.py │ ├── requirements.txt │ └── uenv.py ├── containers ├── megatronlm │ └── Containerfile ├── nccl-tests │ └── Containerfile ├── node-burn │ └── Containerfile └── rccl-tests │ └── Containerfile ├── portable_tests.md ├── requirements.txt ├── uenv_checks ├── mixins └── prgenv │ └── cuda_aware_mpi.py └── utility ├── bencher_metric_format.py └── nvcr.py /.github/linters/.flake8: -------------------------------------------------------------------------------- 1 | [flake8] 2 | select = F401 3 | -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/workflows/main.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/.github/workflows/main.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/.gitignore -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/README.md -------------------------------------------------------------------------------- /alps-test-suites.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/alps-test-suites.md -------------------------------------------------------------------------------- /checks/apps/arbor/arbor-dev.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/arbor/arbor-dev.py -------------------------------------------------------------------------------- /checks/apps/arbor/src/busyring-input-medium.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/arbor/src/busyring-input-medium.json -------------------------------------------------------------------------------- /checks/apps/arbor/src/busyring-input-small.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/arbor/src/busyring-input-small.json -------------------------------------------------------------------------------- /checks/apps/cp2k/cp2k_uenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/cp2k_uenv.py -------------------------------------------------------------------------------- /checks/apps/cp2k/src/BASIS_H2O: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/BASIS_H2O -------------------------------------------------------------------------------- /checks/apps/cp2k/src/GTH_BASIS_SETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/GTH_BASIS_SETS -------------------------------------------------------------------------------- /checks/apps/cp2k/src/H2O-128-PBE-TZ-max_scf_16.inp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/H2O-128-PBE-TZ-max_scf_16.inp -------------------------------------------------------------------------------- /checks/apps/cp2k/src/H2O-128-PBE-TZ.inp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/H2O-128-PBE-TZ.inp -------------------------------------------------------------------------------- /checks/apps/cp2k/src/H2O-128-RI-dRPA-TZ.inp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/H2O-128-RI-dRPA-TZ.inp -------------------------------------------------------------------------------- /checks/apps/cp2k/src/H2O-128.inp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/H2O-128.inp -------------------------------------------------------------------------------- /checks/apps/cp2k/src/H2O-128.xyz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/H2O-128.xyz -------------------------------------------------------------------------------- /checks/apps/cp2k/src/H2O-256.inp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/H2O-256.inp -------------------------------------------------------------------------------- /checks/apps/cp2k/src/POTENTIAL: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/POTENTIAL -------------------------------------------------------------------------------- /checks/apps/cp2k/src/POTENTIAL_H2O: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/POTENTIAL_H2O -------------------------------------------------------------------------------- /checks/apps/cp2k/src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/README.md -------------------------------------------------------------------------------- /checks/apps/cp2k/src/mps-wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/mps-wrapper.sh -------------------------------------------------------------------------------- /checks/apps/cp2k/src/pika-bind.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/cp2k/src/pika-bind.sh -------------------------------------------------------------------------------- /checks/apps/deprecated/amber/amber_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/deprecated/amber/amber_check.py -------------------------------------------------------------------------------- /checks/apps/deprecated/cpmd/cpmd_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/deprecated/cpmd/cpmd_check.py -------------------------------------------------------------------------------- /checks/apps/deprecated/cpmd/src/C_MT_BLYP: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/deprecated/cpmd/src/C_MT_BLYP -------------------------------------------------------------------------------- /checks/apps/deprecated/cpmd/src/H_MT_BLYP: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/deprecated/cpmd/src/H_MT_BLYP -------------------------------------------------------------------------------- /checks/apps/deprecated/cpmd/src/ana_c4h6.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/deprecated/cpmd/src/ana_c4h6.in -------------------------------------------------------------------------------- /checks/apps/dummysph/dummysph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/dummysph/dummysph.py -------------------------------------------------------------------------------- /checks/apps/dummysph/scripts/dummysph.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/dummysph/scripts/dummysph.sh -------------------------------------------------------------------------------- /checks/apps/greasy/greasy_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/greasy/greasy_check.py -------------------------------------------------------------------------------- /checks/apps/greasy/src/tasks_mpi_openmp.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/greasy/src/tasks_mpi_openmp.c -------------------------------------------------------------------------------- /checks/apps/gromacs/gromacs_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/gromacs/gromacs_check.py -------------------------------------------------------------------------------- /checks/apps/gromacs/src/mps-wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/gromacs/src/mps-wrapper.sh -------------------------------------------------------------------------------- /checks/apps/icon/rrtmgp_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/icon/rrtmgp_check.py -------------------------------------------------------------------------------- /checks/apps/icon4py/icon4py_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/icon4py/icon4py_check.py -------------------------------------------------------------------------------- /checks/apps/icon4py/src/_install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/icon4py/src/_install.sh -------------------------------------------------------------------------------- /checks/apps/icon4py/src/_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/icon4py/src/_run.sh -------------------------------------------------------------------------------- /checks/apps/jupyter/check_ipcmagic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/jupyter/check_ipcmagic.py -------------------------------------------------------------------------------- /checks/apps/lammps/lammps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/lammps/lammps.py -------------------------------------------------------------------------------- /checks/apps/lammps/src/lj_gpu.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/lammps/src/lj_gpu.in -------------------------------------------------------------------------------- /checks/apps/lammps/src/lj_kokkos.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/lammps/src/lj_kokkos.in -------------------------------------------------------------------------------- /checks/apps/namd/namd_check_uenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/namd/namd_check_uenv.py -------------------------------------------------------------------------------- /checks/apps/paraview/paraview.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/paraview/paraview.py -------------------------------------------------------------------------------- /checks/apps/paraview/src/coloredSphere.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/paraview/src/coloredSphere.py -------------------------------------------------------------------------------- /checks/apps/paraview/src/scripts/pvParaView-ConnectToCrays.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/paraview/src/scripts/pvParaView-ConnectToCrays.py -------------------------------------------------------------------------------- /checks/apps/paraview/src/scripts/rc-submit.alps-pvserver.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/paraview/src/scripts/rc-submit.alps-pvserver.sh -------------------------------------------------------------------------------- /checks/apps/paraview/src/scripts/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/paraview/src/scripts/readme.md -------------------------------------------------------------------------------- /checks/apps/python/numpy_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/python/numpy_check.py -------------------------------------------------------------------------------- /checks/apps/pytorch/mlperf_storage_ce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/mlperf_storage_ce.py -------------------------------------------------------------------------------- /checks/apps/pytorch/mlperf_storage_sarus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/mlperf_storage_sarus.py -------------------------------------------------------------------------------- /checks/apps/pytorch/pytorch_allreduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/pytorch_allreduce.py -------------------------------------------------------------------------------- /checks/apps/pytorch/pytorch_amd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/pytorch_amd.py -------------------------------------------------------------------------------- /checks/apps/pytorch/pytorch_horovod_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/pytorch_horovod_check.py -------------------------------------------------------------------------------- /checks/apps/pytorch/pytorch_megatronlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/pytorch_megatronlm.py -------------------------------------------------------------------------------- /checks/apps/pytorch/pytorch_megatronlm_amd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/pytorch_megatronlm_amd.py -------------------------------------------------------------------------------- /checks/apps/pytorch/pytorch_nvidia.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/pytorch_nvidia.py -------------------------------------------------------------------------------- /checks/apps/pytorch/pytorch_test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/pytorch_test_base.py -------------------------------------------------------------------------------- /checks/apps/pytorch/src/activate_ofi.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/src/activate_ofi.sh -------------------------------------------------------------------------------- /checks/apps/pytorch/src/cnn_distr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/src/cnn_distr.py -------------------------------------------------------------------------------- /checks/apps/pytorch/src/pt_distr_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/src/pt_distr_env.py -------------------------------------------------------------------------------- /checks/apps/pytorch/src/setup_conda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/src/setup_conda.sh -------------------------------------------------------------------------------- /checks/apps/pytorch/src/unet3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/pytorch/src/unet3d.yaml -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/q-e-sirius_check_uenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/q-e-sirius/q-e-sirius_check_uenv.py -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/src/Au.pbe-nd-van.UPF: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/q-e-sirius/src/Au.pbe-nd-van.UPF -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/q-e-sirius/src/README.md -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/src/amdgpu-wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/q-e-sirius/src/amdgpu-wrapper.sh -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/src/ausurf.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/q-e-sirius/src/ausurf.in -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/src/mps-wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/q-e-sirius/src/mps-wrapper.sh -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/src/sirius-amd.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/q-e-sirius/src/sirius-amd.json -------------------------------------------------------------------------------- /checks/apps/q-e-sirius/src/tpx-wrapper.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | set -eu 4 | 5 | export ROCR_VISIBLE_DEVICES=$SLURM_LOCALID 6 | 7 | exec "$@" 8 | -------------------------------------------------------------------------------- /checks/apps/quantumespresso/quantumespresso_check_uenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/quantumespresso/quantumespresso_check_uenv.py -------------------------------------------------------------------------------- /checks/apps/quantumespresso/src/Au.pbe-nd-van.UPF: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/quantumespresso/src/Au.pbe-nd-van.UPF -------------------------------------------------------------------------------- /checks/apps/quantumespresso/src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/quantumespresso/src/README.md -------------------------------------------------------------------------------- /checks/apps/quantumespresso/src/ausurf.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/quantumespresso/src/ausurf.in -------------------------------------------------------------------------------- /checks/apps/quantumespresso/src/mps-wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/quantumespresso/src/mps-wrapper.sh -------------------------------------------------------------------------------- /checks/apps/sirius/Si63Ge/ge_lda_v1.4.uspp.F.UPF.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sirius/Si63Ge/ge_lda_v1.4.uspp.F.UPF.json -------------------------------------------------------------------------------- /checks/apps/sirius/Si63Ge/output_ref.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sirius/Si63Ge/output_ref.json -------------------------------------------------------------------------------- /checks/apps/sirius/Si63Ge/si_lda_v1.uspp.F.UPF.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sirius/Si63Ge/si_lda_v1.uspp.F.UPF.json -------------------------------------------------------------------------------- /checks/apps/sirius/Si63Ge/sirius.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sirius/Si63Ge/sirius.json -------------------------------------------------------------------------------- /checks/apps/sirius/sirius_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sirius/sirius_check.py -------------------------------------------------------------------------------- /checks/apps/spark/spark_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/spark/spark_check.py -------------------------------------------------------------------------------- /checks/apps/sphexa/sphexa_uenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sphexa/sphexa_uenv.py -------------------------------------------------------------------------------- /checks/apps/sphexa/src/scripts/cuda-vars.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sphexa/src/scripts/cuda-vars.sh -------------------------------------------------------------------------------- /checks/apps/sphexa/src/scripts/mi200-vars.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sphexa/src/scripts/mi200-vars.sh -------------------------------------------------------------------------------- /checks/apps/sphexa/src/scripts/mi300-vars.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/sphexa/src/scripts/mi300-vars.sh -------------------------------------------------------------------------------- /checks/apps/tensorflow/tf2_horovod_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/tensorflow/tf2_horovod_check.py -------------------------------------------------------------------------------- /checks/apps/vasp/src/INCAR: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/vasp/src/INCAR -------------------------------------------------------------------------------- /checks/apps/vasp/src/KPOINTS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/vasp/src/KPOINTS -------------------------------------------------------------------------------- /checks/apps/vasp/src/POSCAR: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/vasp/src/POSCAR -------------------------------------------------------------------------------- /checks/apps/vasp/src/POTCAR: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/vasp/src/POTCAR -------------------------------------------------------------------------------- /checks/apps/vasp/src/makefile.include.gh200: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/vasp/src/makefile.include.gh200 -------------------------------------------------------------------------------- /checks/apps/vasp/vasp_check_uenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/apps/vasp/vasp_check_uenv.py -------------------------------------------------------------------------------- /checks/compile/haswell_fma_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/compile/haswell_fma_check.py -------------------------------------------------------------------------------- /checks/compile/libsci_acc_symlink.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/compile/libsci_acc_symlink.py -------------------------------------------------------------------------------- /checks/compile/libsci_resolve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/compile/libsci_resolve.py -------------------------------------------------------------------------------- /checks/compile/src/haswell_fma/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/compile/src/haswell_fma/Makefile -------------------------------------------------------------------------------- /checks/compile/src/haswell_fma/vectorize_fma_c.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/compile/src/haswell_fma/vectorize_fma_c.c -------------------------------------------------------------------------------- /checks/compile/src/haswell_fma/vectorize_fma_cplusplus.cc: -------------------------------------------------------------------------------- 1 | vectorize_fma_c.c -------------------------------------------------------------------------------- /checks/compile/src/haswell_fma/vectorize_fma_ftn.f90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/compile/src/haswell_fma/vectorize_fma_ftn.f90 -------------------------------------------------------------------------------- /checks/compile/src/libsci_resolve/libsci_resolve.f90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/compile/src/libsci_resolve/libsci_resolve.f90 -------------------------------------------------------------------------------- /checks/containers/buildah/buildah_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/buildah/buildah_check.py -------------------------------------------------------------------------------- /checks/containers/buildah/src/Dockerfile_cuda: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/buildah/src/Dockerfile_cuda -------------------------------------------------------------------------------- /checks/containers/buildah/src/Dockerfile_osu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/buildah/src/Dockerfile_osu -------------------------------------------------------------------------------- /checks/containers/buildah/src/registries.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/buildah/src/registries.conf -------------------------------------------------------------------------------- /checks/containers/container_engine/check_cuda_nbody.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/container_engine/check_cuda_nbody.py -------------------------------------------------------------------------------- /checks/containers/container_engine/cuda_mps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/container_engine/cuda_mps.py -------------------------------------------------------------------------------- /checks/containers/container_engine/omb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/container_engine/omb.py -------------------------------------------------------------------------------- /checks/containers/container_engine/ssh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/container_engine/ssh.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_cuda_nbody.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_cuda_nbody.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_gpu_ids.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_gpu_ids.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_horovod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_horovod.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_osu_benchmarks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_osu_benchmarks.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_osu_benchmarks_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_osu_benchmarks_cuda.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_pull_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_pull_command.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_pyfr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_pyfr.py -------------------------------------------------------------------------------- /checks/containers/sarus/check_root_squash_bind_mount.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/containers/sarus/check_root_squash_bind_mount.py -------------------------------------------------------------------------------- /checks/libraries/boost/boost_python_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/boost/boost_python_check.py -------------------------------------------------------------------------------- /checks/libraries/boost/src/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/boost/src/Makefile -------------------------------------------------------------------------------- /checks/libraries/boost/src/hello.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/boost/src/hello.py -------------------------------------------------------------------------------- /checks/libraries/boost/src/hello_boost_python.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/boost/src/hello_boost_python.cpp -------------------------------------------------------------------------------- /checks/libraries/cray-libsci/libsci_acc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/cray-libsci/libsci_acc.py -------------------------------------------------------------------------------- /checks/libraries/dlaf/dlaf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/dlaf/dlaf.py -------------------------------------------------------------------------------- /checks/libraries/dlaf/src/rocr_wrapper.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | set -x 4 | 5 | export ROCR_VISIBLE_DEVICES="$SLURM_LOCALID" 6 | 7 | "$@" 8 | -------------------------------------------------------------------------------- /checks/libraries/gridtools/gridtools_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/gridtools/gridtools_tests.py -------------------------------------------------------------------------------- /checks/libraries/io/h5py_mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/h5py_mpi.py -------------------------------------------------------------------------------- /checks/libraries/io/hdf5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/hdf5.py -------------------------------------------------------------------------------- /checks/libraries/io/hdf5_compile_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/hdf5_compile_run.py -------------------------------------------------------------------------------- /checks/libraries/io/netcdf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/netcdf.py -------------------------------------------------------------------------------- /checks/libraries/io/netcdf_compile_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/netcdf_compile_run.py -------------------------------------------------------------------------------- /checks/libraries/io/pnetcdf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/pnetcdf.py -------------------------------------------------------------------------------- /checks/libraries/io/src/h5_subset.f90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/h5_subset.f90 -------------------------------------------------------------------------------- /checks/libraries/io/src/h5ex_d_chunk.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/h5ex_d_chunk.c -------------------------------------------------------------------------------- /checks/libraries/io/src/h5ex_d_chunk.f90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/h5ex_d_chunk.f90 -------------------------------------------------------------------------------- /checks/libraries/io/src/h5py_mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/h5py_mpi.py -------------------------------------------------------------------------------- /checks/libraries/io/src/h5tutr_subset.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/h5tutr_subset.cpp -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/Makefile -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/config.h: -------------------------------------------------------------------------------- 1 | #define TEMP_LARGE "." 2 | -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/err_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/err_macros.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/nc_logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/nc_logging.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/nc_tests.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/nc_tests.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncbytes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncbytes.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncexternl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncexternl.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/nclist.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/nclist.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncpathmgr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncpathmgr.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncrc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncrc.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncuri.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/ncuri.h -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/include/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/include/readme.md -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/c/tst_parallel.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/c/tst_parallel.c -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/cpp/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/cpp/Makefile -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/cpp/simple_xy_rd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/cpp/simple_xy_rd.cpp -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/cpp/simple_xy_wr.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/cpp/simple_xy_wr.cpp -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/f90/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/f90/Makefile -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/f90/simple_xy_par_rd.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/f90/simple_xy_par_rd.F90 -------------------------------------------------------------------------------- /checks/libraries/io/src/netcdf-hdf5parallel/f90/simple_xy_par_wr2.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/netcdf-hdf5parallel/f90/simple_xy_par_wr2.F90 -------------------------------------------------------------------------------- /checks/libraries/io/src/pnetcdf/transpose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/pnetcdf/transpose.cpp -------------------------------------------------------------------------------- /checks/libraries/io/src/pnetcdf/transpose.f90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/pnetcdf/transpose.f90 -------------------------------------------------------------------------------- /checks/libraries/io/src/pnetcdf/utils.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/io/src/pnetcdf/utils.F90 -------------------------------------------------------------------------------- /checks/libraries/magma/magma_checks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/magma_checks.py -------------------------------------------------------------------------------- /checks/libraries/magma/src/Makefile_cblas_z: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/Makefile_cblas_z -------------------------------------------------------------------------------- /checks/libraries/magma/src/Makefile_zgemm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/Makefile_zgemm -------------------------------------------------------------------------------- /checks/libraries/magma/src/Makefile_zsymmetrize: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/Makefile_zsymmetrize -------------------------------------------------------------------------------- /checks/libraries/magma/src/Makefile_ztranspose: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/Makefile_ztranspose -------------------------------------------------------------------------------- /checks/libraries/magma/src/Makefile_zunmbr: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/Makefile_zunmbr -------------------------------------------------------------------------------- /checks/libraries/magma/src/flops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/flops.h -------------------------------------------------------------------------------- /checks/libraries/magma/src/license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/license.txt -------------------------------------------------------------------------------- /checks/libraries/magma/src/magma_generate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/magma_generate.cpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/magma_lapack.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/magma_lapack.hpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/magma_matrix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/magma_matrix.hpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/magma_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/magma_util.cpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/patch.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/patch.txt -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_c.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_c.h -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_cblas_z.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_cblas_z.cpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_d.h -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_s.h -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_z.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_z.h -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_zgemm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_zgemm.cpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_zsymmetrize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_zsymmetrize.cpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_ztranspose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_ztranspose.cpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/testing_zunmbr.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testing_zunmbr.cpp -------------------------------------------------------------------------------- /checks/libraries/magma/src/testings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/magma/src/testings.h -------------------------------------------------------------------------------- /checks/libraries/math/scalapack_compile_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/math/scalapack_compile_run.py -------------------------------------------------------------------------------- /checks/libraries/math/src/example_AmesosFactory_HB.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/math/src/example_AmesosFactory_HB.cpp -------------------------------------------------------------------------------- /checks/libraries/math/src/sample_pdsyev_call.f: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/math/src/sample_pdsyev_call.f -------------------------------------------------------------------------------- /checks/libraries/math/trilinos_compile_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/math/trilinos_compile_run.py -------------------------------------------------------------------------------- /checks/libraries/opengl/opengl_checks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/opengl_checks.py -------------------------------------------------------------------------------- /checks/libraries/opengl/src/EGL/egl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/src/EGL/egl.h -------------------------------------------------------------------------------- /checks/libraries/opengl/src/EGL/eglext.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/src/EGL/eglext.h -------------------------------------------------------------------------------- /checks/libraries/opengl/src/EGL/eglplatform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/src/EGL/eglplatform.h -------------------------------------------------------------------------------- /checks/libraries/opengl/src/KHR/khrplatform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/src/KHR/khrplatform.h -------------------------------------------------------------------------------- /checks/libraries/opengl/src/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/src/Makefile -------------------------------------------------------------------------------- /checks/libraries/opengl/src/Readme.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/src/Readme.txt -------------------------------------------------------------------------------- /checks/libraries/opengl/src/tinyegl.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/opengl/src/tinyegl.cc -------------------------------------------------------------------------------- /checks/libraries/petsc/petsc_helloworld.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/petsc/petsc_helloworld.py -------------------------------------------------------------------------------- /checks/libraries/petsc/src/poisson2d.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/libraries/petsc/src/poisson2d.c -------------------------------------------------------------------------------- /checks/mch/automatic_arrays_acc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/automatic_arrays_acc.py -------------------------------------------------------------------------------- /checks/mch/collectives_halo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/collectives_halo.py -------------------------------------------------------------------------------- /checks/mch/cuda_stress_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/cuda_stress_test.py -------------------------------------------------------------------------------- /checks/mch/gpu_direct_acc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/gpu_direct_acc.py -------------------------------------------------------------------------------- /checks/mch/gpu_direct_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/gpu_direct_cuda.py -------------------------------------------------------------------------------- /checks/mch/multi_device_openacc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/multi_device_openacc.py -------------------------------------------------------------------------------- /checks/mch/openacc_cuda_mpi_cppstd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/openacc_cuda_mpi_cppstd.py -------------------------------------------------------------------------------- /checks/mch/src/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/Makefile -------------------------------------------------------------------------------- /checks/mch/src/Makefile.multi_device_openacc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/Makefile.multi_device_openacc -------------------------------------------------------------------------------- /checks/mch/src/NArray.rb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/NArray.rb -------------------------------------------------------------------------------- /checks/mch/src/automatic_arrays_OpenACC.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/automatic_arrays_OpenACC.F90 -------------------------------------------------------------------------------- /checks/mch/src/compute_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/compute_cuda.cu -------------------------------------------------------------------------------- /checks/mch/src/cuda_stencil_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/cuda_stencil_test.cu -------------------------------------------------------------------------------- /checks/mch/src/gpu_direct_acc.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/gpu_direct_acc.F90 -------------------------------------------------------------------------------- /checks/mch/src/gpu_direct_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/gpu_direct_cuda.cu -------------------------------------------------------------------------------- /checks/mch/src/multi_device_openacc.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/multi_device_openacc.F90 -------------------------------------------------------------------------------- /checks/mch/src/openacc_cuda_mpi_cppstd.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/openacc_cuda_mpi_cppstd.F90 -------------------------------------------------------------------------------- /checks/mch/src/std_cpp_call.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mch/src/std_cpp_call.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/alloc_speed/alloc_speed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/alloc_speed/alloc_speed.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/alloc_speed/src/alloc_speed.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/alloc_speed/src/alloc_speed.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/dgemm/dgemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/dgemm/dgemm.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/dgemm/src/dgemm.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/dgemm/src/dgemm.c -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/fft/fftw_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/fft/fftw_benchmark.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/fft/src/fftw_benchmark.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/fft/src/fftw_benchmark.c -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/latency/latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/latency/latency.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/latency/src/latency.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/latency/src/latency.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/likwid/check_cpu_bandwith.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/likwid/check_cpu_bandwith.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/roofline/berkeley-ert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/roofline/berkeley-ert.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/simd/benches/benches.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/simd/benches/benches.hpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/simd/benches/cxx_adv/mul.avx2.f32.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/simd/benches/cxx_adv/mul.avx2.f32.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/simd/benches/cxx_adv/mul.avx2.f64.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/simd/benches/cxx_adv/mul.avx2.f64.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/simd/benches/mul.avx2.f32.cpp: -------------------------------------------------------------------------------- 1 | cxx_adv/mul.avx2.f32.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/simd/benches/mul.avx2.f64.cpp: -------------------------------------------------------------------------------- 1 | cxx_adv/mul.avx2.f64.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/simd/nsimd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/simd/nsimd.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/stream/src/stream.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/stream/src/stream.c -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/stream/stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/stream/stream.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/strided_bandwidth/src/strides.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/strided_bandwidth/src/strides.cpp -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu/strided_bandwidth/strides.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu/strided_bandwidth/strides.py -------------------------------------------------------------------------------- /checks/microbenchmarks/cpu_gpu/node_burn/node-burn-ce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/cpu_gpu/node_burn/node-burn-ce.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/dgemm/coralgemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/dgemm/coralgemm.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/dgemm/dgemm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/dgemm/dgemm.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/gpu_benchmarks/fft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/gpu_benchmarks/fft.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/gpu_benchmarks/parallel_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/gpu_benchmarks/parallel_algos.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/gpu_burn/gpu_burn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/gpu_burn/gpu_burn_test.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/hooks.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/kernel_latency/kernel_latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/kernel_latency/kernel_latency.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/memory_bandwidth/memory_bandwidth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/memory_bandwidth/memory_bandwidth.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/node_burn/baremetal-node-burn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/node_burn/baremetal-node-burn.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/pointer_chase/pointer_chase.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/pointer_chase/pointer_chase.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/roofline/berkeley-ert-gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/roofline/berkeley-ert-gpu.py -------------------------------------------------------------------------------- /checks/microbenchmarks/gpu/shmem/shmem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/gpu/shmem/shmem.py -------------------------------------------------------------------------------- /checks/microbenchmarks/hpcg/hpcg_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/hpcg/hpcg_benchmark.py -------------------------------------------------------------------------------- /checks/microbenchmarks/hpcg/src/Make.CrayXC: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/hpcg/src/Make.CrayXC -------------------------------------------------------------------------------- /checks/microbenchmarks/hpl/hpl_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/hpl/hpl_check.py -------------------------------------------------------------------------------- /checks/microbenchmarks/hpl/rochpl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/hpl/rochpl.py -------------------------------------------------------------------------------- /checks/microbenchmarks/hpl/scripts/mi200-wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/hpl/scripts/mi200-wrapper.sh -------------------------------------------------------------------------------- /checks/microbenchmarks/hpl/scripts/mi300-wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/hpl/scripts/mi300-wrapper.sh -------------------------------------------------------------------------------- /checks/microbenchmarks/mpi/halo_exchange/halo_cell_exchange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/mpi/halo_exchange/halo_cell_exchange.py -------------------------------------------------------------------------------- /checks/microbenchmarks/mpi/halo_exchange/src/halo_cell_exchange.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/mpi/halo_exchange/src/halo_cell_exchange.c -------------------------------------------------------------------------------- /checks/microbenchmarks/mpi/halo_exchange/src/input.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/mpi/halo_exchange/src/input.txt -------------------------------------------------------------------------------- /checks/microbenchmarks/mpi/osu/osu_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/mpi/osu/osu_run.py -------------------------------------------------------------------------------- /checks/microbenchmarks/mpi/osu/osu_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/mpi/osu/osu_tests.py -------------------------------------------------------------------------------- /checks/microbenchmarks/xccl/xccl_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/microbenchmarks/xccl/xccl_tests.py -------------------------------------------------------------------------------- /checks/mixins/container_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mixins/container_engine.py -------------------------------------------------------------------------------- /checks/mixins/cuda_visible_devices_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mixins/cuda_visible_devices_all.py -------------------------------------------------------------------------------- /checks/mixins/extra_launcher_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mixins/extra_launcher_options.py -------------------------------------------------------------------------------- /checks/mixins/sarus_extra_launcher_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mixins/sarus_extra_launcher_options.py -------------------------------------------------------------------------------- /checks/mixins/slurm_mpi_pmix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mixins/slurm_mpi_pmix.py -------------------------------------------------------------------------------- /checks/mixins/uenv_setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mixins/uenv_setup.py -------------------------------------------------------------------------------- /checks/mixins/uenv_slurm_mpi_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/mixins/uenv_slurm_mpi_options.py -------------------------------------------------------------------------------- /checks/prgenv/affinity_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/affinity_check.py -------------------------------------------------------------------------------- /checks/prgenv/cpu_target_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/cpu_target_check.py -------------------------------------------------------------------------------- /checks/prgenv/cuda/cuda_aware_mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/cuda/cuda_aware_mpi.py -------------------------------------------------------------------------------- /checks/prgenv/cuda/cuda_memtest_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/cuda/cuda_memtest_check.py -------------------------------------------------------------------------------- /checks/prgenv/cuda/cuda_nvml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/cuda/cuda_nvml.py -------------------------------------------------------------------------------- /checks/prgenv/cuda/cuda_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/cuda/cuda_samples.py -------------------------------------------------------------------------------- /checks/prgenv/cuda/src/cuda_memtest-1.2.3.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/cuda/src/cuda_memtest-1.2.3.patch -------------------------------------------------------------------------------- /checks/prgenv/cuda_fortran.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/cuda_fortran.py -------------------------------------------------------------------------------- /checks/prgenv/environ_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/environ_check.py -------------------------------------------------------------------------------- /checks/prgenv/helloworld.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/helloworld.py -------------------------------------------------------------------------------- /checks/prgenv/hip/build_hip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/hip/build_hip.py -------------------------------------------------------------------------------- /checks/prgenv/mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/mpi.py -------------------------------------------------------------------------------- /checks/prgenv/mpi_cpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/mpi_cpi.py -------------------------------------------------------------------------------- /checks/prgenv/openacc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/openacc.py -------------------------------------------------------------------------------- /checks/prgenv/opencl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/opencl.py -------------------------------------------------------------------------------- /checks/prgenv/prgenv_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/prgenv_check.py -------------------------------------------------------------------------------- /checks/prgenv/src/alps-gh200-reproducers/gpudirect_oom.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/alps-gh200-reproducers/gpudirect_oom.cpp -------------------------------------------------------------------------------- /checks/prgenv/src/cuda-fortran/vecAdd_cuda.cuf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/cuda-fortran/vecAdd_cuda.cuf -------------------------------------------------------------------------------- /checks/prgenv/src/hello/hello.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/hello/hello.F90 -------------------------------------------------------------------------------- /checks/prgenv/src/hello/hello.c: -------------------------------------------------------------------------------- 1 | hello.cpp -------------------------------------------------------------------------------- /checks/prgenv/src/hello/hello.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/hello/hello.cpp -------------------------------------------------------------------------------- /checks/prgenv/src/mpi/mpi_helloworld.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/mpi/mpi_helloworld.c -------------------------------------------------------------------------------- /checks/prgenv/src/mpi_cpi/cpi.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/mpi_cpi/cpi.c -------------------------------------------------------------------------------- /checks/prgenv/src/mpi_thread/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/mpi_thread/Makefile -------------------------------------------------------------------------------- /checks/prgenv/src/mpi_thread/mpi_init_thread.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/mpi_thread/mpi_init_thread.cpp -------------------------------------------------------------------------------- /checks/prgenv/src/openacc/vecAdd_openacc.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/openacc/vecAdd_openacc.F90 -------------------------------------------------------------------------------- /checks/prgenv/src/opencl/vecAdd.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/opencl/vecAdd.c -------------------------------------------------------------------------------- /checks/prgenv/src/opencl/vecAddKernel.cl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/opencl/vecAddKernel.cl -------------------------------------------------------------------------------- /checks/prgenv/src/ulimit/ulimit.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/src/ulimit/ulimit.c -------------------------------------------------------------------------------- /checks/prgenv/ssh_environ_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/ssh_environ_check.py -------------------------------------------------------------------------------- /checks/prgenv/uenv_fixincludes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/uenv_fixincludes.py -------------------------------------------------------------------------------- /checks/prgenv/ulimit_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/prgenv/ulimit_check.py -------------------------------------------------------------------------------- /checks/system/ce/ce_import_run_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/ce/ce_import_run_image.py -------------------------------------------------------------------------------- /checks/system/gssr/dcgm_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/gssr/dcgm_hook.py -------------------------------------------------------------------------------- /checks/system/gssr/src/hook/dcgm_hook.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/gssr/src/hook/dcgm_hook.sh -------------------------------------------------------------------------------- /checks/system/gssr/src/rpm/3.3.6.ref: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/gssr/src/rpm/3.3.6.ref -------------------------------------------------------------------------------- /checks/system/gssr/src/rpm/dcgm_rpm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/gssr/src/rpm/dcgm_rpm.sh -------------------------------------------------------------------------------- /checks/system/integration/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/integration/constants.py -------------------------------------------------------------------------------- /checks/system/integration/daint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/integration/daint.py -------------------------------------------------------------------------------- /checks/system/integration/eiger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/integration/eiger.py -------------------------------------------------------------------------------- /checks/system/integration/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/integration/utils.py -------------------------------------------------------------------------------- /checks/system/integration/v-cluster_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/integration/v-cluster_config.py -------------------------------------------------------------------------------- /checks/system/io/ior_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/io/ior_check.py -------------------------------------------------------------------------------- /checks/system/jobreport/gpu_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/jobreport/gpu_report.py -------------------------------------------------------------------------------- /checks/system/network/cxi_gpu_loopback_bw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/network/cxi_gpu_loopback_bw.py -------------------------------------------------------------------------------- /checks/system/network/cxi_stat_hsn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/network/cxi_stat_hsn.py -------------------------------------------------------------------------------- /checks/system/nvidia/nvidia_device_count.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/nvidia/nvidia_device_count.py -------------------------------------------------------------------------------- /checks/system/nvidia/nvidia_smi_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/nvidia/nvidia_smi_check.py -------------------------------------------------------------------------------- /checks/system/nvidia/src/deviceCount.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/nvidia/src/deviceCount.cu -------------------------------------------------------------------------------- /checks/system/openstack/s3_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/s3_check.py -------------------------------------------------------------------------------- /checks/system/openstack/src/s3_create_bucket.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/src/s3_create_bucket.py -------------------------------------------------------------------------------- /checks/system/openstack/src/s3_create_small_object.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/src/s3_create_small_object.py -------------------------------------------------------------------------------- /checks/system/openstack/src/s3_delete.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/src/s3_delete.py -------------------------------------------------------------------------------- /checks/system/openstack/src/s3_download_large_object.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/src/s3_download_large_object.py -------------------------------------------------------------------------------- /checks/system/openstack/src/s3_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/src/s3_test.sh -------------------------------------------------------------------------------- /checks/system/openstack/src/s3_upload_large_object.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/src/s3_upload_large_object.py -------------------------------------------------------------------------------- /checks/system/openstack/src/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/openstack/src/tools.py -------------------------------------------------------------------------------- /checks/system/slurm/cscs_usertools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/slurm/cscs_usertools.py -------------------------------------------------------------------------------- /checks/system/slurm/hetjob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/slurm/hetjob.py -------------------------------------------------------------------------------- /checks/system/slurm/slurm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/slurm/slurm.py -------------------------------------------------------------------------------- /checks/system/slurm/src/eatmem/eatmemory.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/slurm/src/eatmem/eatmemory.c -------------------------------------------------------------------------------- /checks/system/slurm/src/eatmem/eatmemory_mpi.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/slurm/src/eatmem/eatmemory_mpi.c -------------------------------------------------------------------------------- /checks/system/slurm/src/heterogeneous.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/slurm/src/heterogeneous.c -------------------------------------------------------------------------------- /checks/system/systems_data/beverin_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/beverin_data.json -------------------------------------------------------------------------------- /checks/system/systems_data/clariden_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/clariden_data.json -------------------------------------------------------------------------------- /checks/system/systems_data/daint_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/daint_data.json -------------------------------------------------------------------------------- /checks/system/systems_data/eiger_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/eiger_data.json -------------------------------------------------------------------------------- /checks/system/systems_data/extract_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/extract_data.py -------------------------------------------------------------------------------- /checks/system/systems_data/todi_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/todi_data.json -------------------------------------------------------------------------------- /checks/system/systems_data/wildhorn_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/wildhorn_data.json -------------------------------------------------------------------------------- /checks/system/systems_data/zinal_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/systems_data/zinal_data.json -------------------------------------------------------------------------------- /checks/system/uenv/uenv_status.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/system/uenv/uenv_status.py -------------------------------------------------------------------------------- /checks/tools/io/cdo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/io/cdo.py -------------------------------------------------------------------------------- /checks/tools/io/cdo_legacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/io/cdo_legacy.py -------------------------------------------------------------------------------- /checks/tools/io/nco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/io/nco.py -------------------------------------------------------------------------------- /checks/tools/io/nco_legacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/io/nco_legacy.py -------------------------------------------------------------------------------- /checks/tools/jupyter/jupyter_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/jupyter/jupyter_tests.py -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/README.md -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/cuda_gdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/cuda_gdb.py -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/linaro_forge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/linaro_forge.py -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/notool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/notool.py -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/nvprof.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/nvprof.py -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/C++/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/C++/Makefile -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/C++/_jacobi.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/C++/_jacobi.cc -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/C++/_main.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/C++/_main.cc -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/C++/jacobi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/C++/jacobi.h -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/Cuda/.in.cudagdb: -------------------------------------------------------------------------------- 1 | break _jacobi-cuda-kernel.cu:59 2 | run 3 | print *residue_d 4 | -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/Cuda/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/Cuda/Makefile -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/Cuda/Makefile_cuda_gdb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/Cuda/Makefile_cuda_gdb -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/Cuda/Makefile_perftools: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/Cuda/Makefile_perftools -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/Cuda/_jacobi-cuda-kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/Cuda/_jacobi-cuda-kernel.cu -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/Cuda/_jacobi-cuda.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/Cuda/_jacobi-cuda.c -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/F90/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/F90/Makefile -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/F90/_jacobi.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/F90/_jacobi.F90 -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/F90/_jacobiddt.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/F90/_jacobiddt.F90 -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/F90/_main.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/F90/_main.F90 -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/F90/_variableDef.F90: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/checks/tools/profiling_and_debugging/src/F90/_variableDef.F90 -------------------------------------------------------------------------------- /checks/tools/profiling_and_debugging/src/linaro/hello.cpp: -------------------------------------------------------------------------------- 1 | ../../../../prgenv/src/hello/hello.cpp -------------------------------------------------------------------------------- /ci/alps_cpe.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/alps_cpe.yml -------------------------------------------------------------------------------- /ci/alps_uenv.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/alps_uenv.yml -------------------------------------------------------------------------------- /ci/cpe.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/cpe.yml -------------------------------------------------------------------------------- /ci/cscs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/cscs.yml -------------------------------------------------------------------------------- /ci/scripts/activate_reframe.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/scripts/activate_reframe.sh -------------------------------------------------------------------------------- /ci/scripts/alps.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/scripts/alps.sh -------------------------------------------------------------------------------- /ci/scripts/oneuptime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/scripts/oneuptime.py -------------------------------------------------------------------------------- /ci/scripts/prepare_uenvs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/scripts/prepare_uenvs.sh -------------------------------------------------------------------------------- /ci/scripts/slack_notify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/ci/scripts/slack_notify.py -------------------------------------------------------------------------------- /config/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/README.md -------------------------------------------------------------------------------- /config/balfrin/cuda_visible_devices.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/balfrin/cuda_visible_devices.sh -------------------------------------------------------------------------------- /config/balfrin/squashfs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/balfrin/squashfs.py -------------------------------------------------------------------------------- /config/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/common.py -------------------------------------------------------------------------------- /config/common_logging.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/common_logging.json -------------------------------------------------------------------------------- /config/cscs-ci.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/cscs-ci.py -------------------------------------------------------------------------------- /config/cscs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/cscs.py -------------------------------------------------------------------------------- /config/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/generate.py -------------------------------------------------------------------------------- /config/reframe_config_template.j2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/reframe_config_template.j2 -------------------------------------------------------------------------------- /config/systems-firecrest/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems-firecrest/README.md -------------------------------------------------------------------------------- /config/systems-firecrest/clariden.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems-firecrest/clariden.py -------------------------------------------------------------------------------- /config/systems-firecrest/daint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems-firecrest/daint.py -------------------------------------------------------------------------------- /config/systems-firecrest/eiger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems-firecrest/eiger.py -------------------------------------------------------------------------------- /config/systems/ault.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/ault.py -------------------------------------------------------------------------------- /config/systems/balfrin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/balfrin.py -------------------------------------------------------------------------------- /config/systems/beverin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/beverin.py -------------------------------------------------------------------------------- /config/systems/bristen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/bristen.py -------------------------------------------------------------------------------- /config/systems/clariden.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/clariden.py -------------------------------------------------------------------------------- /config/systems/daint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/daint.py -------------------------------------------------------------------------------- /config/systems/deprecated/arolla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/deprecated/arolla.py -------------------------------------------------------------------------------- /config/systems/deprecated/rigi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/deprecated/rigi.py -------------------------------------------------------------------------------- /config/systems/deprecated/todi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/deprecated/todi.py -------------------------------------------------------------------------------- /config/systems/deprecated/tsa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/deprecated/tsa.py -------------------------------------------------------------------------------- /config/systems/eiger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/eiger.py -------------------------------------------------------------------------------- /config/systems/pilatus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/pilatus.py -------------------------------------------------------------------------------- /config/systems/santis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/santis.py -------------------------------------------------------------------------------- /config/systems/starlex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/starlex.py -------------------------------------------------------------------------------- /config/systems/tasna.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/tasna.py -------------------------------------------------------------------------------- /config/systems/wildhorn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/systems/wildhorn.py -------------------------------------------------------------------------------- /config/utilities/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/config.py -------------------------------------------------------------------------------- /config/utilities/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/constants.py -------------------------------------------------------------------------------- /config/utilities/firecrest_slurm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/firecrest_slurm.py -------------------------------------------------------------------------------- /config/utilities/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/io.py -------------------------------------------------------------------------------- /config/utilities/job_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/job_util.py -------------------------------------------------------------------------------- /config/utilities/modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/modules.py -------------------------------------------------------------------------------- /config/utilities/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/requirements.txt -------------------------------------------------------------------------------- /config/utilities/uenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/config/utilities/uenv.py -------------------------------------------------------------------------------- /containers/megatronlm/Containerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/containers/megatronlm/Containerfile -------------------------------------------------------------------------------- /containers/nccl-tests/Containerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/containers/nccl-tests/Containerfile -------------------------------------------------------------------------------- /containers/node-burn/Containerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/containers/node-burn/Containerfile -------------------------------------------------------------------------------- /containers/rccl-tests/Containerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/containers/rccl-tests/Containerfile -------------------------------------------------------------------------------- /portable_tests.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/portable_tests.md -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/requirements.txt -------------------------------------------------------------------------------- /uenv_checks/mixins: -------------------------------------------------------------------------------- 1 | ../checks/mixins/ -------------------------------------------------------------------------------- /uenv_checks/prgenv/cuda_aware_mpi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/uenv_checks/prgenv/cuda_aware_mpi.py -------------------------------------------------------------------------------- /utility/bencher_metric_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/utility/bencher_metric_format.py -------------------------------------------------------------------------------- /utility/nvcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/eth-cscs/cscs-reframe-tests/HEAD/utility/nvcr.py --------------------------------------------------------------------------------