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
1 change: 0 additions & 1 deletion cscs-checks/apps/amber/amber_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -43,7 +43,6 @@ def __init__(self, input_file, output_file):
self.tags = {'scs', 'external-resources'}


@rfm.required_version('>=2.16')
@rfm.parameterized_test(*(
[variant, arch, scale]
for variant in ['prod', 'maint']
Expand Down
3 changes: 2 additions & 1 deletion cscs-checks/apps/cp2k/cp2k_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -126,11 +126,12 @@ def __init__(self, scale, variant):
@rfm.run_before('run')
def set_task_distribution(self):
self.job.options = ['--distribution=block:block']

@rfm.run_before('run')
def set_cpu_binding(self):
self.job.launcher.options = ['--cpu-bind=cores']


@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['maint', 'prod']))
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/apps/cpmd/cpmd_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.16')
@rfm.parameterized_test(['small'], ['large'])
class CPMDCheck(rfm.RunOnlyRegressionTest):
def __init__(self, scale):
Expand Down
3 changes: 1 addition & 2 deletions cscs-checks/apps/greasy/greasy_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,6 @@ def to_seconds(str):
datetime.strptime('00:00:00', '%H:%M:%S')).total_seconds()


@rfm.required_version('>=2.19')
@rfm.parameterized_test(
['serial', 'gpu', 24, 12, 1, 1],
['serial', 'mc', 72, 36, 1, 1],
Expand All @@ -39,7 +38,7 @@ def __init__(self, variant, partition, num_greasy_tasks, nworkes_per_node,
# sleep enough time to distinguish if the files are running in parallel
# or not
self.sleep_time = 60
self.build_system.cflags = ['-DSLEEP_TIME=%d' % self.sleep_time]
self.build_system.cflags = [f'-DSLEEP_TIME={self.sleep_time:d}']
self.variant = variant
if variant == 'openmp':
self.build_system.cflags += ['-fopenmp']
Expand Down
2 changes: 0 additions & 2 deletions cscs-checks/apps/gromacs/gromacs_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,6 @@ def __init__(self, output_file):
self.tags = {'scs', 'external-resources'}


@rfm.required_version('>=2.19')
@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['prod', 'maint']))
Expand Down Expand Up @@ -96,7 +95,6 @@ def __init__(self, scale, variant):
self.tags |= {'maintenance' if variant == 'maint' else 'production'}


@rfm.required_version('>=2.19')
@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['prod']))
Expand Down
2 changes: 0 additions & 2 deletions cscs-checks/apps/lammps/lammps_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -44,7 +44,6 @@ def __init__(self):
self.maintainers = ['TR', 'VH']


@rfm.required_version('>=2.16.0')
@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['prod', 'maint']))
Expand Down Expand Up @@ -88,7 +87,6 @@ def __init__(self, scale, variant):
self.tags |= {'maintenance' if variant == 'maint' else 'production'}


@rfm.required_version('>=2.16.0')
@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['prod']))
Expand Down
5 changes: 2 additions & 3 deletions cscs-checks/apps/namd/namd_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,11 +11,12 @@

class NamdBaseCheck(rfm.RunOnlyRegressionTest):
def __init__(self, arch, scale, variant):
self.descr = 'NAMD check (%s, %s)' % (arch, variant)
self.descr = f'NAMD check ({arch}, {variant})'
if self.current_system.name == 'pilatus':
self.valid_prog_environs = ['cpeIntel']
else:
self.valid_prog_environs = ['builtin']

self.modules = ['NAMD']

# Reset sources dir relative to the SCS apps prefix
Expand Down Expand Up @@ -70,7 +71,6 @@ def __init__(self, arch, scale, variant):
}


@rfm.required_version('>=2.16')
@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['maint', 'prod']))
Expand All @@ -94,7 +94,6 @@ def __init__(self, scale, variant):
}


@rfm.required_version('>=2.16')
@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['maint', 'prod']))
Expand Down
2 changes: 0 additions & 2 deletions cscs-checks/apps/python/numpy_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -74,7 +74,6 @@ def __init__(self):
self.maintainers = ['RS', 'TR']


@rfm.required_version('>=2.16')
@rfm.simple_test
class NumpyHaswellTest(NumpyBaseTest):
def __init__(self):
Expand All @@ -83,7 +82,6 @@ def __init__(self):
self.num_cpus_per_task = 12


@rfm.required_version('>=2.16')
@rfm.simple_test
class NumpyBroadwellTest(NumpyBaseTest):
def __init__(self):
Expand Down
1 change: 1 addition & 0 deletions cscs-checks/apps/quantumespresso/quantumespresso_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -131,6 +131,7 @@ def set_task_distribution(self):
def set_cpu_binding(self):
self.job.launcher.options = ['--cpu-bind=cores']


@rfm.parameterized_test(*([s, v]
for s in ['small', 'large']
for v in ['maint', 'prod']))
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/apps/tensorflow/tf2_horovod_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,6 @@
import reframe.utility.osext as osext


@rfm.required_version('>=2.16')
@rfm.parameterized_test(['small'], ['large'])
class TensorFlow2HorovodTest(rfm.RunOnlyRegressionTest):
def __init__(self, variant):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/compile/haswell_fma_check.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.simple_test
class HaswellFmaCheck(rfm.CompileOnlyRegressionTest):
def __init__(self):
Expand Down
2 changes: 0 additions & 2 deletions cscs-checks/compile/libsci_resolve.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@ def __init__(self):
self.tags = {'production', 'craype'}


@rfm.required_version('>=2.14')
@rfm.parameterized_test(['craype-accel-nvidia35'], ['craype-accel-nvidia60'])
class NvidiaResolveTest(LibSciResolveBaseTest):
def __init__(self, module_name):
Expand Down Expand Up @@ -65,7 +64,6 @@ def set_sanity(self):
])


@rfm.required_version('>=2.14')
@rfm.simple_test
class MKLResolveTest(LibSciResolveBaseTest):
def __init__(self):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/libraries/io/hdf5_compile_run.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.parameterized_test(*([lang, linkage] for lang in ['c', 'f90']
for linkage in ['static', 'dynamic']))
class HDF5Test(rfm.RegressionTest):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/libraries/io/netcdf_compile_run.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.parameterized_test(*([lang, linkage] for lang in ['cpp', 'c', 'f90']
for linkage in ['dynamic', 'static']))
class NetCDFTest(rfm.RegressionTest):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/libraries/magma/magma_checks.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.16')
@rfm.parameterized_test(['cblas_z'], ['zgemm'],
['zsymmetrize'], ['ztranspose'])
class MagmaCheck(rfm.RegressionTest):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/libraries/math/scalapack_compile_run.py
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,6 @@ def __init__(self, linkage):
self.tags = {'production', 'external-resources'}


@rfm.required_version('>=2.14')
@rfm.parameterized_test(['static'], ['dynamic'])
class ScaLAPACKSanity(ScaLAPACKTest):
def __init__(self, linkage):
Expand Down
3 changes: 1 addition & 2 deletions cscs-checks/libraries/math/trilinos_compile_run.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.parameterized_test(['static'], ['dynamic'])
class TrilinosTest(rfm.RegressionTest):
def __init__(self, linkage):
Expand All @@ -21,7 +20,7 @@ def __init__(self, linkage):
self.linkage = linkage

self.build_system = 'SingleSource'
self.build_system.ldflags = ['-%s' % linkage, '-lparmetis']
self.build_system.ldflags = [f'-{linkage}', f'-lparmetis']
self.build_system.cppflags = ['-DHAVE_MPI', '-DEPETRA_MPI']
self.prgenv_flags = {
'PrgEnv-cray': ['-fopenmp', '-O2', '-ffast-math', '-std=c++11',
Expand Down
5 changes: 2 additions & 3 deletions cscs-checks/libraries/petsc/petsc_helloworld.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,12 +7,11 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.parameterized_test(['dynamic'], ['static'])
class PetscPoisson2DCheck(rfm.RegressionTest):
def __init__(self, linkage):
self.descr = ('Compile/run PETSc 2D Poisson example with cray-petsc '
'(%s linking)') % linkage
self.descr = (f'Compile/run PETSc 2D Poisson example with cray-petsc '
f'({linkage} linking)')
self.valid_systems = ['daint:gpu', 'daint:mc', 'dom:gpu', 'dom:mc']
self.valid_prog_environs = ['PrgEnv-cray', 'PrgEnv-gnu',
'PrgEnv-intel']
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/mch/gpu_direct_acc.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.simple_test
class GpuDirectAccCheck(rfm.RegressionTest):
def __init__(self):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/mch/gpu_direct_cuda.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.simple_test
class GpuDirectCudaCheck(rfm.RegressionTest):
def __init__(self):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/microbenchmarks/cpu/dgemm/dgemm.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.16-dev0')
@rfm.simple_test
class DGEMMTest(rfm.RegressionTest):
def __init__(self):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/microbenchmarks/cpu/fft/fftw_benchmark.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.16-dev0')
@rfm.parameterized_test(['nompi'], ['mpi'])
class FFTWTest(rfm.RegressionTest):
def __init__(self, exec_mode):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/microbenchmarks/cpu/latency/latency.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.16-dev0')
@rfm.simple_test
class CPULatencyTest(rfm.RegressionTest):
def __init__(self):
Expand Down
22 changes: 9 additions & 13 deletions cscs-checks/microbenchmarks/cpu/likwid/likwid.py
Original file line number Diff line number Diff line change
Expand Up @@ -54,7 +54,6 @@ def __init__(self):
}


@rfm.required_version('>=2.16-dev0')
@rfm.parameterized_test(*[[l, k] for l in ['L1', 'L2', 'L3']
for k in ['load_avx', 'store_avx']],
['memory', 'load_avx'],
Expand All @@ -63,7 +62,7 @@ class CPUBandwidth(MemBandwidthTest):
def __init__(self, mem_level, kernel_name):
super().__init__()

self.descr = 'CPU <- %s %s benchmark' % (mem_level, kernel_name)
self.descr = f'CPU <- {mem_level} {kernel_name} benchmark'
self.valid_systems = ['daint:mc', 'daint:gpu', 'dom:gpu', 'dom:mc']

# the kernel to run in likwid
Expand Down Expand Up @@ -108,26 +107,24 @@ def set_exec_opts(self):
self.data_size = self.system_cache_sizes[partname][self.mem_level]
self.num_cpus_per_task = self.system_num_cpus[partname]
numa_domains = self.system_numa_domains[partname]
num_cpu_domain = self.num_cpus_per_task / (len(numa_domains) *
self.num_tasks_per_core)
num_cpu_domain = self.num_cpus_per_task // (len(numa_domains) *
self.num_tasks_per_core)
# result for daint:mc: '-w S0:100MB:18:1:2 -w S1:100MB:18:1:2'
# format: -w domain:data_size:nthreads:chunk_size:stride
# chunk_size and stride affect which cpus from <domain> are selected
workgroups = ['-w %s:%s:%d:1:2' %
(dom, self.data_size, num_cpu_domain)
workgroups = [f'-w {dom}:{self.data_size}:{num_cpu_domain:d}:1:2'
for dom in numa_domains]

self.executable_opts = ['-t %s' % self.kernel_name] + workgroups
self.executable_opts = [f'-t {self.kernel_name}'] + workgroups


@rfm.required_version('>=2.16-dev0')
@rfm.simple_test
class CPUBandwidthCrossSocket(MemBandwidthTest):
def __init__(self):
super().__init__()

self.descr = ("CPU S0 <- main memory S1 read " +
"CPU S1 <- main memory S0 read")
self.descr = ('CPU S0 <- main memory S1 read '
'CPU S1 <- main memory S0 read')

self.valid_systems = ['daint:mc', 'dom:mc']
self.kernel_name = 'load_avx'
Expand All @@ -146,15 +143,14 @@ def set_exec_opts(self):
self.num_cpus_per_task = self.system_num_cpus[partname]
numa_domains = self.system_numa_domains[partname]

num_cpu_domain = (self.num_cpus_per_task /
num_cpu_domain = (self.num_cpus_per_task //
(len(numa_domains) * self.num_tasks_per_core))

# daint:mc: '-w S0:100MB:18:1:2-0:S1 -w S1:100MB:18:1:2-0:S0'
# format:
# -w domain:data_size:nthreads:chunk_size:stride-stream_nr:mem_domain
# chunk_size and stride affect which cpus from <domain> are selected
workgroups = ['-w %s:100MB:%d:1:2-0:%s' %
(dom_cpu, num_cpu_domain, dom_mem)
workgroups = [f'-w {dom_cpu}:100MB:{num_cpu_domain:d}:1:2-0:{dom_mem}'
for dom_cpu, dom_mem in
zip(numa_domains[:2], reversed(numa_domains[:2]))]

Expand Down
1 change: 0 additions & 1 deletion cscs-checks/microbenchmarks/cpu/stream/stream.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.14')
@rfm.simple_test
class StreamTest(rfm.RegressionTest):
'''This test checks the stream test:
Expand Down
5 changes: 1 addition & 4 deletions cscs-checks/microbenchmarks/cpu/strided_bandwidth/strides.py
Original file line number Diff line number Diff line change
Expand Up @@ -44,7 +44,6 @@ def num_tasks_assigned(self):
return self.job.num_tasks


@rfm.required_version('>=2.16-dev0')
@rfm.simple_test
class StridedBandwidthTest(StridedBase):
def __init__(self):
Expand Down Expand Up @@ -73,10 +72,9 @@ def set_exec_opts(self):
self.num_cpus = self.system_num_cpus[self.current_partition.fullname]

# 8-byte stride, using the full cacheline
self.executable_opts = ['100000000', '1', '%s' % self.num_cpus]
self.executable_opts = ['100000000', '1', f'{self.num_cpus}']


@rfm.required_version('>=2.16-dev0')
@rfm.simple_test
class StridedBandwidthTest64(StridedBase):
def __init__(self):
Expand Down Expand Up @@ -108,7 +106,6 @@ def set_exec_opts(self):
self.executable_opts = ['100000000', '8', '%s' % self.num_cpus]


@rfm.required_version('>=2.16-dev0')
@rfm.simple_test
class StridedBandwidthTest128(StridedBase):
def __init__(self):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.16-dev0')
@rfm.parameterized_test(['sync'], ['async'])
class KernelLatencyTest(rfm.RegressionTest):
def __init__(self, kernel_version):
Expand Down
1 change: 0 additions & 1 deletion cscs-checks/microbenchmarks/gpu/shmem/shmem.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import reframe.utility.sanity as sn


@rfm.required_version('>=2.16-dev0')
@rfm.simple_test
class GPUShmemTest(rfm.RegressionTest):
def __init__(self):
Expand Down
Loading