Skip to content
Merged
Show file tree
Hide file tree
Changes from all commits
Commits
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
4 changes: 2 additions & 2 deletions cscs-checks/apps/icon/rrtmgp_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,14 +19,14 @@ def __init__(self):
self.sourcesdir = os.path.join(self.current_system.resourcesdir,
'RRTMGP')
self.tags = {'external-resources'}
self.prebuild_cmd = ['cp build/Makefile.conf.dom build/Makefile.conf']
self.prebuild_cmds = ['cp build/Makefile.conf.dom build/Makefile.conf']
self.executable = 'python'
self.executable_opts = [
'util/scripts/run_tests.py',
'--verbose', '--rel_diff_cut 1e-13',
'--root ..', '--test ${INIFILE}_ncol-${NCOL}.ini'
]
self.pre_run = [
self.prerun_cmds = [
'pwd',
'module load netcdf-python/1.4.1-CrayGNU-19.06-python2',
'cd test'
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/apps/openfoam/check_openfoam.py
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,7 @@ def __init__(self):
self.maintainers = ['MKr', 'AJ']
self.tags = {'scs', 'production', 'external-resources'}

self.pre_run = ['source $FOAM_BASH']
self.prerun_cmds = ['source $FOAM_BASH']


@rfm.simple_test
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/apps/openfoam/check_openfoam_extend.py
Original file line number Diff line number Diff line change
Expand Up @@ -34,7 +34,7 @@ def __init__(self):

self.maintainers = ['MKr', 'AJ']
self.tags = {'scs', 'production', 'external-resources'}
self.pre_run = ['source $FOAM_INST_DIR/foam-extend-4.0/etc/bashrc']
self.prerun_cmds = ['source $FOAM_INST_DIR/foam-extend-4.0/etc/bashrc']


@rfm.simple_test
Expand Down
4 changes: 2 additions & 2 deletions cscs-checks/apps/spark/spark_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,8 +19,8 @@ def __init__(self):
self.valid_prog_environs = ['builtin']
self.modules = ['Spark']
self.sourcesdir = None
self.pre_run = ['start-all.sh']
self.post_run = ['stop-all.sh']
self.prerun_cmds = ['start-all.sh']
self.postrun_cmds = ['stop-all.sh']
self.num_tasks = 2
self.num_tasks_per_node = 1
pi_value = sn.extractsingle(r'Pi is roughly\s+(?P<pi>\S+)',
Expand Down
10 changes: 5 additions & 5 deletions cscs-checks/apps/tensorflow/tensorflow_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -28,8 +28,8 @@ def __init__(self, model_name):
# TensorFlow
# FIXME: Currently the branch for Tensorflow 1.14.0 is not
# available, we use the one for 1.13.0
# self.pre_run = ['git checkout r%s' % tf_version]
self.pre_run = ['git checkout r1.13.0']
# self.prerun_cmds = ['git checkout r%s' % tf_version]
self.prerun_cmds = ['git checkout r1.13.0']
self.variables = {'PYTHONPATH': '$PYTHONPATH:.'}


Expand Down Expand Up @@ -74,6 +74,6 @@ def __init__(self):
0.85, -0.05, None)
])

self.pre_run += ['mkdir ./official/wide_deep/model_dir',
'python3 ./official/wide_deep/census_dataset.py '
'--data_dir ./official/wide_deep/']
self.prerun_cmds += ['mkdir ./official/wide_deep/model_dir',
'python3 ./official/wide_deep/census_dataset.py '
'--data_dir ./official/wide_deep/']
6 changes: 3 additions & 3 deletions cscs-checks/apps/tensorflow/tf2_horovod_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -60,9 +60,9 @@ def __init__(self, variant):
'NCCL_IB_CUDA_SUPPORT': '1',
'OMP_NUM_THREADS': '$SLURM_CPUS_PER_TASK',
}
self.pre_run = ['wget https://raw.githubusercontent.com/horovod/'
'horovod/26b55a7890f6923ca58cdb68a765ed0ec436ab0f/'
'examples/tensorflow2_synthetic_benchmark.py']
self.prerun_cmds = ['wget https://raw.githubusercontent.com/horovod/'
'horovod/26b55a7890f6923ca58cdb68a765ed0ec436ab0f/'
'examples/tensorflow2_synthetic_benchmark.py']
self.executable = 'python'
self.executable_opts = [
'tensorflow2_synthetic_benchmark.py',
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/apps/tensorflow/tf_horovod_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -47,7 +47,7 @@ def __init__(self, variant):
self.sanity_patterns = sn.assert_eq(sn.count(sn.findall(
r'total images/sec:', self.stdout)), self.num_tasks)

self.pre_run = ['git checkout cnn_tf_v%s_compatible' % tfshortver]
self.prerun_cmds = ['git checkout cnn_tf_v%s_compatible' % tfshortver]
self.variables = {
'NCCL_DEBUG': 'INFO',
'NCCL_IB_HCA': 'ipogif0',
Expand Down
4 changes: 2 additions & 2 deletions cscs-checks/compile/libsci_resolve.py
Original file line number Diff line number Diff line change
Expand Up @@ -49,7 +49,7 @@ def __init__(self, module_name):
# produce any output when xalt/2.7.10 is loaded, thus we use readelf
# to find the dynamic libraries of the executable
# self.build_system.fflags = ['-Wl,-ydgemm_']
self.postbuild_cmd = ['readelf -d %s' % self.executable]
self.postbuild_cmds = ['readelf -d %s' % self.executable]

@rfm.run_before('sanity')
def set_sanity(self):
Expand Down Expand Up @@ -99,7 +99,7 @@ def __init__(self):
# to find the dynamic libraries of the executable
# self.build_system.fflags = ['-Wl,-ydgemm_', '-mkl']
self.build_system.fflags = ['-mkl']
self.postbuild_cmd = ['readelf -d %s' % self.executable]
self.postbuild_cmds = ['readelf -d %s' % self.executable]
regex = (r'.*\(NEEDED\).*libmkl_(?P<prgenv>[A-Za-z]+)_(?P<version>\S+)'
r'\.so')
self.sanity_patterns = sn.all([
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/cuda/cuda_memtest_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,7 @@ def __init__(self):
self.modules = ['cudatoolkit']
src_url = ('https://downloads.sourceforge.net/project/cudagpumemtest/'
'cuda_memtest-1.2.3.tar.gz')
self.prebuild_cmd = [
self.prebuild_cmds = [
'wget %s' % src_url,
'tar -xzf cuda_memtest-1.2.3.tar.gz',
'cd cuda_memtest-1.2.3',
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/cuda/nvml_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -32,7 +32,7 @@ def __init__(self):
self.modules = ['craype-accel-nvidia60']
self.build_system = 'SingleSource'
self.sourcepath = 'example.c'
self.prebuild_cmd = [
self.prebuild_cmds = [
'cp $CUDATOOLKIT_HOME/nvml/example/example.c .',
'patch -i ./nvml_example.patch'
]
Expand Down
31 changes: 15 additions & 16 deletions cscs-checks/libraries/hpx/hpx_stencil.py
Original file line number Diff line number Diff line change
Expand Up @@ -170,19 +170,18 @@ def set_sanity(self):
r'\s*(?P<parts>\d+),'
r'\s*(?P<steps>\d+)', self.stdout)
num_threads = self.num_tasks * self.num_cpus_per_task
assert_num_tasks = sn.map(lambda x: sn.assert_eq(int(x.group('lid')),
self.num_tasks), result)
assert_num_threads = sn.map(lambda x: sn.assert_eq(int(x.group('tid')),
num_threads), result)
assert_num_points = sn.map(lambda x: sn.assert_eq(x.group('pts'),
self.nx_opts), result)
assert_num_parts = sn.map(lambda x: sn.assert_eq(x.group('parts'),
self.np_opts), result)
assert_num_steps = sn.map(lambda x: sn.assert_eq(x.group('steps'),
self.nt_opts), result)

self.sanity_patterns = sn.all(sn.chain(assert_num_tasks,
assert_num_threads,
assert_num_points,
assert_num_parts,
assert_num_steps))
assert_num_tasks = sn.map(
lambda x: sn.assert_eq(int(x.group('lid')), self.num_tasks),
result)
assert_num_threads = sn.map(
lambda x: sn.assert_eq(int(x.group('tid')), num_threads), result)
assert_num_points = sn.map(
lambda x: sn.assert_eq(x.group('pts'), self.nx_opts), result)
assert_num_parts = sn.map(
lambda x: sn.assert_eq(x.group('parts'), self.np_opts), result)
assert_num_steps = sn.map(
lambda x: sn.assert_eq(x.group('steps'), self.nt_opts), result)

self.sanity_patterns = sn.all(
sn.chain(assert_num_tasks, assert_num_threads, assert_num_points,
assert_num_parts, assert_num_steps))
2 changes: 1 addition & 1 deletion cscs-checks/libraries/io/hdf5_compile_run.py
Original file line number Diff line number Diff line change
Expand Up @@ -76,7 +76,7 @@ def __init__(self, lang, linkage):
self.num_tasks_per_node = 1
self.build_system = 'SingleSource'
self.build_system.ldflags = ['-%s' % linkage]
self.post_run = ['h5dump h5ex_d_chunk.h5 > h5dump_out.txt']
self.postrun_cmds = ['h5dump h5ex_d_chunk.h5 > h5dump_out.txt']

self.maintainers = ['SO', 'RS']
self.tags = {'production', 'craype'}
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/libraries/magma/magma_checks.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,7 @@ def __init__(self, subtest):
self.num_gpus_per_node = 1
self.sanity_patterns = sn.assert_found(r'Result = PASS', self.stdout)

self.prebuild_cmd = ['patch < patch.txt']
self.prebuild_cmds = ['patch < patch.txt']
self.build_system = 'Make'
self.valid_prog_environs = ['builtin']
self.build_system.makefile = 'Makefile_%s' % subtest
Expand Down
4 changes: 2 additions & 2 deletions cscs-checks/libraries/math/trilinos_compile_run.py
Original file line number Diff line number Diff line change
Expand Up @@ -31,8 +31,8 @@ def __init__(self, linkage):
'PrgEnv-pgi': ['-mp', '-w']
}
self.sourcepath = 'example_AmesosFactory_HB.cpp'
self.pre_run = ['wget ftp://math.nist.gov/pub/MatrixMarket2/'
'misc/hamm/add20.rua.gz', 'gunzip add20.rua.gz']
self.prerun_cmds = ['wget ftp://math.nist.gov/pub/MatrixMarket2/'
'misc/hamm/add20.rua.gz', 'gunzip add20.rua.gz']
self.executable_opts = ['add20.rua']
self.modules = ['cray-mpich', 'cray-hdf5-parallel',
'cray-tpsl', 'cray-trilinos']
Expand Down
4 changes: 2 additions & 2 deletions cscs-checks/mch/collectives_halo.py
Original file line number Diff line number Diff line change
Expand Up @@ -138,7 +138,7 @@ def __init__(self, variant):
})
self.strict_check = False
self.sourcesdir = 'https://github.com/eth-cscs/comm_overlap_bench.git'
self.prebuild_cmd = ['git checkout alltoallv']
self.prebuild_cmds = ['git checkout alltoallv']


@rfm.parameterized_test(['default'], ['nocomm'], ['nocomp'])
Expand All @@ -158,4 +158,4 @@ def __init__(self, variant):
},
})
self.sourcesdir = 'https://github.com/eth-cscs/comm_overlap_bench.git'
self.prebuild_cmd = ['git checkout barebones']
self.prebuild_cmds = ['git checkout barebones']
4 changes: 2 additions & 2 deletions cscs-checks/mch/fieldextra_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -37,7 +37,7 @@ def __init__(self, variant):
'cookbook/support/input',
'reference_cookbook'
]
self.pre_run = [
self.prerun_cmds = [
'ln -s ${EBROOTFIELDEXTRA}/bin bin',
'ln -s ${EBROOTFIELDEXTRA}/tools tools',
'ln -s ${EBROOTFIELDEXTRA}/resources resources',
Expand Down Expand Up @@ -69,7 +69,7 @@ def __init__(self):
self.executable = 'fieldextra_gnu_opt_omp'
self.executable_opts = ['nl.TC']
self.readonly_files = ['18112900_204']
self.pre_run = ['source create_nl_6h.template']
self.prerun_cmds = ['source create_nl_6h.template']
self.variables = {
'OMP_STACKSIZE': '500M',
'OMP_NUM_THREADS': '$SLURM_CPUS_PER_TASK',
Expand Down
6 changes: 3 additions & 3 deletions cscs-checks/mch/g2g_meteoswiss_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,12 +16,12 @@ def __init__(self, g2g):
self.valid_prog_environs = ['PrgEnv-gnu']
self.exclusive_access = True
self.modules = ['cmake']
self.pre_run = ["export EXECUTABLE=$(ls src/ | "
"grep 'GNU.*MVAPICH.*CUDA.*kesch.*')"]
self.prerun_cmds = ["export EXECUTABLE=$(ls src/ | "
"grep 'GNU.*MVAPICH.*CUDA.*kesch.*')"]
self.executable = 'build/src/comm_overlap_benchmark'
self.sourcesdir = ('https://github.com/MeteoSwiss-APN/'
'comm_overlap_bench.git')
self.prebuild_cmd = ['git checkout barebones']
self.prebuild_cmds = ['git checkout barebones']
self.build_system = 'CMake'
self.build_system.builddir = 'build'
self.build_system.config_opts = ['-DMPI_VENDOR=mvapich2',
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/mch/gpu_direct_acc.py
Original file line number Diff line number Diff line change
Expand Up @@ -51,7 +51,7 @@ def __init__(self):

self.sourcepath = 'gpu_direct_acc.F90'
self.build_system = 'SingleSource'
self.prebuild_cmd = ['module list -l']
self.prebuild_cmds = ['module list -l']
self.sanity_patterns = sn.all([
sn.assert_found(r'GPU with OpenACC', self.stdout),
sn.assert_found(r'Result :\s+OK', self.stdout)
Expand Down
10 changes: 5 additions & 5 deletions cscs-checks/microbenchmarks/hpcg/hpcg_benchmark.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,7 +24,7 @@ def __init__(self):
self.sourcesdir = 'https://github.com/hpcg-benchmark/hpcg.git'

# FIXME: Remove this after the OpenMP pragma gets fixed in hpcg master
self.prebuild_cmd = [
self.prebuild_cmds = [
'git checkout 9484cd7f2c4744c783abbdcfd4f5cc34807b42b1'
]
self.executable = 'bin/xhpcg'
Expand Down Expand Up @@ -98,9 +98,9 @@ def __init__(self):
self.valid_prog_environs = ['PrgEnv-intel']
self.modules = ['craype-hugepages8M']
self.build_system = 'Make'
self.prebuild_cmd = ['cp -r ${MKLROOT}/benchmarks/hpcg/* .',
'mv Make.CrayXC setup',
'./configure CrayXC']
self.prebuild_cmds = ['cp -r ${MKLROOT}/benchmarks/hpcg/* .',
'mv Make.CrayXC setup',
'./configure CrayXC']

self.num_tasks = 0
self.num_tasks_per_core = 2
Expand Down Expand Up @@ -201,7 +201,7 @@ def __init__(self):
self.valid_prog_environs = ['PrgEnv-gnu']
self.modules = ['craype-accel-nvidia60', 'craype-hugepages8M']
self.executable = 'xhpcg_gpu_3.1'
self.pre_run = ['chmod +x %s' % self.executable]
self.prerun_cmds = ['chmod +x %s' % self.executable]
self.num_tasks = 0
self.num_tasks_per_node = 1
self.num_cpus_per_task = 12
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/microbenchmarks/simd/nsimd.py
Original file line number Diff line number Diff line change
Expand Up @@ -84,7 +84,7 @@ def __init__(self):
self.sourcesdir = None
self.srcdir = 'benches/cxx_adv'
self.sourcepath = '%s/%s.cpp' % (self.srcdir, self.testname)
self.prebuild_cmd = [
self.prebuild_cmds = [
'tar xf $EBROOTNSIMD/benches.tar benches/benches.hpp',
'tar xf $EBROOTNSIMD/benches.tar %s' % self.sourcepath,
]
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/microbenchmarks/simd/vc.py
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@ def __init__(self):
src_url = 'https://raw.githubusercontent.com/VcDevel/Vc/1.4/examples'
src1 = '%s/tsc.h' % src_url
src2 = '%s/finitediff/main.cpp' % src_url
self.prebuild_cmd = [
self.prebuild_cmds = [
'wget %s %s' % (src1, src2),
'sed -ie "s-../tsc.h-./tsc.h-" main.cpp',
]
Expand Down
10 changes: 5 additions & 5 deletions cscs-checks/microbenchmarks/spec-accel/spec.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,10 +24,10 @@ def __init__(self, prg_envs):

app_source = os.path.join(self.current_system.resourcesdir,
'SPEC_ACCELv1.2')
self.prebuild_cmd = ['cp -r %s/* .' % app_source,
'./install.sh -d . -f']
self.prebuild_cmds = ['cp -r %s/* .' % app_source,
'./install.sh -d . -f']

# I just want prebuild_cmd, but no action for the build_system
# I just want prebuild_cmds, but no action for the build_system
# is not supported, so I find it something useless to do
self.build_system = 'SingleSource'
self.sourcepath = './benchspec/ACCEL/353.clvrleaf/src/timer_c.c'
Expand Down Expand Up @@ -67,8 +67,8 @@ def __init__(self, prg_envs):
@rfm.run_after('setup')
def setup_per_env(self):
envname = self.current_environ.name
self.pre_run = ['source ./shrc', 'mv %s config' %
self.configs[envname]]
self.prerun_cmds = ['source ./shrc', 'mv %s config' %
self.configs[envname]]
self.executable_opts = [
'--config=%s' %
self.configs[envname],
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/prgenv/affinity_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@ def __init__(self, variant):
# The github URL can not be specifid as `self.sourcedir` as that
# would prevent the src folder from being copied to stage which is
# necessary since these tests need files from it.
self.prebuild_cmd = ['git clone https://github.com/vkarak/affinity']
self.prebuild_cmds = ['git clone https://github.com/vkarak/affinity']
self.executable = './affinity/affinity'
self.variant = variant
self.maintainers = ['RS', 'SK']
Expand Down
4 changes: 2 additions & 2 deletions cscs-checks/prgenv/helloworld.py
Original file line number Diff line number Diff line change
Expand Up @@ -23,8 +23,8 @@ def __init__(self, variant, lang, linkage):
self.sourcepath = 'hello_world'
self.build_system = 'SingleSource'
self.valid_systems = ['daint:gpu', 'daint:mc', 'dom:gpu', 'dom:mc',
'kesch:cn', 'tiger:gpu', 'arolla:cn', 'arolla:pn',
'tsa:cn', 'tsa:pn']
'kesch:cn', 'tiger:gpu', 'arolla:cn',
'arolla:pn', 'tsa:cn', 'tsa:pn']

self.valid_prog_environs = ['PrgEnv-cray', 'PrgEnv-cray_classic',
'PrgEnv-gnu', 'PrgEnv-intel', 'PrgEnv-pgi']
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/system/io/ior_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@ def __init__(self, base_dir):
self.test_dir = os.path.join(self.base_dir,
self.username,
'.ior')
self.pre_run = ['mkdir -p ' + self.test_dir]
self.prerun_cmds = ['mkdir -p ' + self.test_dir]
self.test_file = os.path.join(self.test_dir, 'ior')
self.fs = {
'/scratch/snx1600tds': {
Expand Down
4 changes: 2 additions & 2 deletions cscs-checks/tools/io/cdo.py
Original file line number Diff line number Diff line change
Expand Up @@ -82,7 +82,7 @@ def __init__(self):
# then the NCO module to see if there appear any conflicts. If there are no
# conflicts then self.stdout and self.stderr are empty. Note that the command
# 'module load NCO' cannot be passed via self.executable to srun as 'module'
# is not an executable. Thus, we run the command as a pre_run command and
# is not an executable. Thus, we run the command as a prerun_cmds command and
# define as executable just an echo with no arguments.
@rfm.simple_test
class CDO_NCOModuleCompatibilityTest(CDOBaseTest):
Expand All @@ -99,7 +99,7 @@ def __init__(self):
else:
nco_name = 'NCO'

self.pre_run = ['module load %s' % nco_name]
self.prerun_cmds = ['module load %s' % nco_name]


@rfm.simple_test
Expand Down
4 changes: 2 additions & 2 deletions cscs-checks/tools/io/nco.py
Original file line number Diff line number Diff line change
Expand Up @@ -75,7 +75,7 @@ def __init__(self):
# then the CDO module to see if there appear any conflicts. If there are no
# conflicts then self.stdout and self.stderr are empty. Note that the command
# 'module load CDO' cannot be passed via self.executable to srun as 'module'
# is not an executable. Thus, we run the command as a pre_run command and
# is not an executable. Thus, we run the command as a prerun_cmds command and
# define as executable just an echo with no arguments.
@rfm.simple_test
class NCO_CDOModuleCompatibilityTest(NCOBaseTest):
Expand All @@ -92,7 +92,7 @@ def __init__(self):
else:
cdo_name = 'CDO'

self.pre_run = ['module load %s' % cdo_name]
self.prerun_cmds = ['module load %s' % cdo_name]


@rfm.simple_test
Expand Down
2 changes: 1 addition & 1 deletion cscs-checks/tools/profiling_and_debugging/cuda_gdb.py
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ def __init__(self):
self.executable = 'cuda-gdb'
self.executable_opts = ['-x .in.cudagdb ./cuda_gdb_check']
# unload xalt to avoid runtime error:
self.pre_run = ['unset LD_PRELOAD']
self.prerun_cmds = ['unset LD_PRELOAD']
if self.current_system.name == 'kesch':
self.exclusive_access = True
self.modules = ['cudatoolkit/8.0.61']
Expand Down
Loading