diff --git a/docs/examples/array_example.py b/docs/examples/array_example.py index b766036..1b90d05 100644 --- a/docs/examples/array_example.py +++ b/docs/examples/array_example.py @@ -136,9 +136,7 @@ fhandle = open(ilayered) shape = (3, 1000, 100) -ilmfa = MFArray.load( - fhandle, data_path, shape, type=dtype, header=False, layered=True -) +ilmfa = MFArray.load(fhandle, data_path, shape, type=dtype, header=False, layered=True) vals = ilmfa.value ilmfa._value # internal storage @@ -185,9 +183,7 @@ fhandle = open(clayered) shape = (3, 1000, 100) -clmfa = MFArray.load( - fhandle, data_path, shape, type=dtype, header=False, layered=True -) +clmfa = MFArray.load(fhandle, data_path, shape, type=dtype, header=False, layered=True) clmfa._value @@ -240,9 +236,7 @@ fhandle = open(mlayered) shape = (3, 1000, 100) -mlmfa = MFArray.load( - fhandle, data_path, shape, type=dtype, header=False, layered=True -) +mlmfa = MFArray.load(fhandle, data_path, shape, type=dtype, header=False, layered=True) mlmfa.how diff --git a/docs/examples/attrs_demo.py b/docs/examples/attrs_demo.py index 2ac0a52..d318e5e 100644 --- a/docs/examples/attrs_demo.py +++ b/docs/examples/attrs_demo.py @@ -241,6 +241,4 @@ def output_control_data_hook(value, _) -> OutputControlData: assert gwfoc.options.printhead.format == "scientific" period = gwfoc.periods[0] assert len(period) == 2 -assert period[0] == OutputControlData.from_tuple( - ("print", "budget", "steps", 1, 3, 5) -) +assert period[0] == OutputControlData.from_tuple(("print", "budget", "steps", 1, 3, 5)) diff --git a/flopy4/array.py b/flopy4/array.py index 9815269..9d15d8e 100644 --- a/flopy4/array.py +++ b/flopy4/array.py @@ -257,9 +257,7 @@ def __array_ufunc__(self, ufunc, method, *inputs, **kwargs): if len(inputs) == 1: result = raw.__array_ufunc__(ufunc, method, raw, **kwargs) else: - result = raw.__array_ufunc__( - ufunc, method, raw, *inputs[1:], kwargs - ) + result = raw.__array_ufunc__(ufunc, method, raw, *inputs[1:], kwargs) if not isinstance(result, np.ndarray): raise NotImplementedError(f"{str(ufunc)} has not been implemented") @@ -299,8 +297,7 @@ def value(self, value: Optional[np.ndarray]): if value.shape != self.shape: raise ValueError( - f"Expected array with shape {self.shape}," - f"got shape {value.shape}" + f"Expected array with shape {self.shape}," f"got shape {value.shape}" ) self._value = value @@ -407,8 +404,7 @@ def write(self, f, **kwargs): elif self._how == MFArrayType.external: lines = ( f"{PAD}" + f"{self.name.upper()}\n" - f"{PAD*2}" - + f"{MFArrayType.to_string(self._how)} {self._path}\n" + f"{PAD*2}" + f"{MFArrayType.to_string(self._how)} {self._path}\n" ) elif self._how == MFArrayType.constant: lines = ( diff --git a/flopy4/block.py b/flopy4/block.py index a74edf4..31b39aa 100644 --- a/flopy4/block.py +++ b/flopy4/block.py @@ -79,9 +79,7 @@ def __new__(cls, clsname, bases, attrs): # infer block name block_name = ( - clsname[list(find_upper(clsname))[1] :] - .replace("Block", "") - .lower() + clsname[list(find_upper(clsname))[1] :].replace("Block", "").lower() ) # collect parameters @@ -314,9 +312,7 @@ def __repr__(self): def __eq__(self, other): if not isinstance(other, MFBlocks): raise TypeError(f"Expected MFBlocks, got {type(other)}") - return OrderedDict(sorted(self.value)) == OrderedDict( - sorted(other.value) - ) + return OrderedDict(sorted(self.value)) == OrderedDict(sorted(other.value)) @staticmethod def assert_blocks(blocks): @@ -329,9 +325,7 @@ def assert_blocks(blocks): elif isinstance(blocks, dict): blocks = blocks.values() not_blocks = [ - b - for b in blocks - if b is not None and not issubclass(type(b), MFBlock) + b for b in blocks if b is not None and not issubclass(type(b), MFBlock) ] if any(not_blocks): raise TypeError(f"Expected MFBlock subclasses, got {not_blocks}") diff --git a/flopy4/compound.py b/flopy4/compound.py index f0ca4e3..6001403 100644 --- a/flopy4/compound.py +++ b/flopy4/compound.py @@ -79,9 +79,7 @@ def params(self) -> MFParams: @property def value(self) -> Dict[str, Any]: """Get component names/values.""" - return { - k: s.value for k, s in self.data.items() if s.value is not None - } + return {k: s.value for k, s in self.data.items() if s.value is not None} @value.setter def value(self, value: Optional[Dict[str, Any]]): diff --git a/flopy4/dfn.py b/flopy4/dfn.py index 212a02e..ef9895d 100644 --- a/flopy4/dfn.py +++ b/flopy4/dfn.py @@ -1,101 +1,569 @@ -from pathlib import Path +from ast import literal_eval +from collections.abc import Mapping +from itertools import groupby +from os import PathLike +from typing import ( + Any, + Dict, + List, + Literal, + NamedTuple, + Optional, + Tuple, + TypedDict, +) +from warnings import warn -import toml +from boltons.dictutils import OMD +_SCALARS = { + "keyword", + "integer", + "double precision", + "string", +} -class Dfn: - def __init__(self, component, subcomponent, dfn, *args, **kwargs): - self._component = component - self._subcomponent = subcomponent - self._dfn = dfn - def __getitem__(self, key): - return self._dfn["block"][key] +def _try_literal_eval(value: str) -> Any: + """ + Try to parse a string as a literal. If this fails, + return the value unaltered. + """ + try: + return literal_eval(value) + except (SyntaxError, ValueError): + return value - def __setitem__(self, key, value): - self._dfn["block"][key] = value - def __delitem__(self, key): - del self._dfn["block"][key] +def _try_parse_bool(value: Any) -> Any: + """ + Try to parse a boolean from a string as represented + in a DFN file, otherwise return the value unaltered. + """ + if isinstance(value, str): + value = value.lower() + if value in ["true", "false"]: + return value == "true" + return value - def __iter__(self): - return iter(self._dfn["block"]) - def __len__(self): - return len(self._dfn["block"]) +Vars = Dict[str, "Var"] +Refs = Dict[str, "Ref"] +Dfns = Dict[str, "Dfn"] - @property - def component(self): - return self._component - @property - def subcomponent(self): - return self._subcomponent +class Var(TypedDict): + """An input variable specification.""" - @property - def blocknames(self): - return self._dfn["blocknames"] + name: str + type: str + shape: Optional[Any] = None + block: Optional[str] = None + default: Optional[Any] = None + children: Optional["Vars"] = None + description: Optional[str] = None - @property - def dfn(self): - return self._dfn - def blocktags(self, blockname) -> list: - return list(self._dfn["block"][blockname]) +class Ref(TypedDict): + """ + This class is used to represent subpackage references: + a foreign-key-like reference between a file input variable + and another input definition. This allows an input context + to refer to another input context by including a filepath + variable as a foreign key. The former's `__init__` method + is modified such that the variable named `val` replaces + the `key` variable. + """ - def block(self, blockname) -> dict: - return self._dfn["block"][blockname] + key: str + val: str + abbr: str + param: str + parent: str + description: Optional[str] - def param(self, blockname, tagname) -> dict: - return self._dfn["block"][blockname][tagname] + +class Sln(TypedDict): + abbr: str + pattern: str + + +DfnFmtVersion = Literal[1] +"""DFN format version number.""" + + +class Dfn(TypedDict): + """ + MODFLOW 6 input definition. An input definition + file specifies a component of an MF6 simulation, + e.g. a model or package. + """ + + class Name(NamedTuple): + """ + Uniquely identifies an input definition. + Consists of a left term and a right term. + """ + + l: str + r: str + + @classmethod + def parse(cls, v: str) -> "Dfn.Name": + try: + return cls(*v.split("-")) + except: + raise ValueError(f"Bad DFN name format: {v}") + + def __str__(self) -> str: + return "-".join(self) + + name: Name + + @staticmethod + def _load_v1_flat(f, common: Optional[dict] = None) -> Tuple[Mapping, List[str]]: + var = dict() + flat = list() + meta = list() + common = common or dict() + + for line in f: + # remove whitespace/etc from the line + line = line.strip() + + # record context name and flopy metadata + # attributes, skip all other comment lines + if line.startswith("#"): + _, sep, tail = line.partition("flopy") + if sep == "flopy": + if ( + "multi-package" in tail + or "solution_package" in tail + or "subpackage" in tail + or "parent" in tail + ): + meta.append(tail.strip()) + _, sep, tail = line.partition("package-type") + if sep == "package-type": + meta.append(f"package-type {tail.strip()}") + continue + + # if we hit a newline and the parameter dict + # is nonempty, we've reached the end of its + # block of attributes + if not any(line): + if any(var): + flat.append((var["name"], var)) + var = dict() + continue + + # split the attribute's key and value and + # store it in the parameter dictionary + key, _, value = line.partition(" ") + if key == "default_value": + key = "default" + var[key] = value + + # make substitutions from common variable definitions, + # remove backslashes, TODO: generate/insert citations. + descr = var.get("description", None) + if descr: + descr = descr.replace("\\", "").replace("``", "'").replace("''", "'") + _, replace, tail = descr.strip().partition("REPLACE") + if replace: + key, _, subs = tail.strip().partition(" ") + subs = literal_eval(subs) + cvar = common.get(key, None) + if cvar is None: + warn( + "Can't substitute description text, " + f"common variable not found: {key}" + ) + else: + descr = cvar.get("description", "") + if any(subs): + descr = descr.replace("\\", "").replace( + "{#1}", subs["{#1}"] + ) + var["description"] = descr + + # add the final parameter + if any(var): + flat.append((var["name"], var)) + + # the point of the OMD is to losslessly handle duplicate variable names + return OMD(flat), meta @classmethod - def load(cls, f, metadata=None): - p = Path(f) + def _load_v1(cls, f, name, **kwargs) -> "Dfn": + """ + Temporary load routine for the v1 DFN format. + This can go away once we convert to v2 (TOML). + """ + + # if we have any subpackage references + # we need to watch for foreign key vars + # (file input vars) and register matches + refs = kwargs.pop("refs", dict()) + fkeys = dict() + + # load dfn as flat multidict and str metadata + flat, meta = Dfn._load_v1_flat(f, **kwargs) + + # pass the original dfn representation on + # the dfn since it is reproduced verbatim + # in generated classes for now. drop this + # later when we figure out how to unravel + # mfstructure.py etc + def _meta(): + meta_ = list() + for m in meta: + if "multi" in m: + meta_.append(m) + elif "solution" in m: + s = m.split() + meta_.append([s[0], s[2]]) + elif "package-type" in m: + s = m.split() + meta_.append(" ".join(s)) + return meta_ + + dfn = list(flat.values(multi=True)), _meta() + + def _load_variable(var: Dict[str, Any]) -> Var: + """ + Convert an input variable from its original representation + in a definition file to a structured, Python-friendly form. + + This involves trimming unneeded attributes and setting + some others. - if not p.exists(): - raise ValueError("Invalid DFN path") + Notes + ----- + If a variable does not have a `default` attribute, it will + default to `False` if it is a keyword, otherwise to `None`. - component, subcomponent = p.stem.split("-") - data = toml.load(f) + A filepath variable whose name functions as a foreign key + for a separate context will be given a reference to it. + """ - return cls(component, subcomponent, data, **metadata) + # parse booleans from strings. everything else can + # stay a string except default values, which we'll + # try to parse as arbitrary literals below, and at + # some point types, once we introduce type hinting + var = {k: _try_parse_bool(v) for k, v in var.items()} + _name = var["name"] + _type = var.get("type", None) + shape = var.get("shape", None) + shape = None if shape == "" else shape + block = var.get("block", None) + children = dict() + default = var.get("default", None) + default = _try_literal_eval(default) if _type != "string" else default + description = var.get("description", "") + ref = refs.get(_name, None) -class DfnSet: - def __init__(self, *args, **kwargs): - self._dfns = dict() + # if var is a foreign key, register it + if ref: + fkeys[_name] = ref - def __getitem__(self, key): - return self._dfns[key] + def _items() -> Vars: + """Load a list's children (items: record or union of records).""" - def __setitem__(self, key, value): - self._dfns[key] = value + names = _type.split()[1:] + types = [ + v["type"] + for v in flat.values(multi=True) + if v["name"] in names and v.get("in_record", False) + ] + n_names = len(names) + if n_names < 1: + raise ValueError(f"Missing recarray definition: {_type}") + + # list input can have records or unions as rows. lists + # that have a consistent item type can be considered + # tabular. lists that can possess multiple item types + # (unions) are considered irregular. regular lists can + # be defined with a nested record (explicit) or with a + # set of fields directly in the recarray (implicit). an + # irregular list is always defined with a nested union. + is_explicit = n_names == 1 and ( + types[0].startswith("record") or types[0].startswith("keystring") + ) + + if is_explicit: + child = next(iter(flat.getlist(names[0]))) + return {names[0]: _load_variable(child)} + elif all(t in _SCALARS for t in types): + # implicit simple record (all fields are scalars) + fields = _fields() + return { + _name: Var( + name=_name, + type="record", + block=block, + children=fields, + description=description.replace( + "is the list of", "is the record of" + ), + ) + } + else: + # implicit complex record (some fields are records or unions) + fields = { + v["name"]: _load_variable(v) + for v in flat.values(multi=True) + if v["name"] in names and v.get("in_record", False) + } + first = list(fields.values())[0] + single = len(fields) == 1 + name_ = first["name"] if single else _name + child_type = ( + "union" if single and "keystring" in first["type"] else "record" + ) + return { + name_: Var( + name=name_, + type=child_type, + block=block, + children=first["children"] if single else fields, + description=description.replace( + "is the list of", f"is the {child_type} of" + ), + ) + } + + def _choices() -> Vars: + """Load a union's children (choices).""" + names = _type.split()[1:] + return { + v["name"]: _load_variable(v) + for v in flat.values(multi=True) + if v["name"] in names and v.get("in_record", False) + } + + def _fields() -> Vars: + """Load a record's children (fields).""" + names = _type.split()[1:] + fields = dict() + for name in names: + v = flat.get(name, None) + if ( + not v + or not v.get("in_record", False) + or v["type"].startswith("record") + ): + continue + fields[name] = v + return fields + + if _type.startswith("recarray"): + children = _items() + _type = "list" + + elif _type.startswith("keystring"): + children = _choices() + _type = "union" + + elif _type.startswith("record"): + children = _fields() + _type = "record" + + # for now, we can tell a var is an array if its type + # is scalar and it has a shape. once we have proper + # typing, this can be read off the type itself. + elif shape is not None and _type not in _SCALARS: + raise TypeError(f"Unsupported array type: {_type}") + + # if var is a foreign key, return subpkg var instead + if ref: + return Var( + name=ref["param" if name == ("sim", "nam") else "val"], + type=_type, + shape=shape, + block=block, + children=None, + description=( + f"Contains data for the {ref['abbr']} package. Data can be " + f"stored in a dictionary containing data for the {ref['abbr']} " + "package with variable names as keys and package data as " + f"values. Data just for the {ref['val']} variable is also " + f"acceptable. See {ref['abbr']} package documentation for more " + "information" + ), + default=None, + subpackage=ref, + ) + + return Var( + name=_name, + type=_type, + shape=shape, + block=block, + children=children, + description=description, + default=default, + ) + + # load top-level variables. any nested + # variables will be loaded recursively + vars_ = { + var["name"]: _load_variable(var) + for var in flat.values(multi=True) + if not var.get("in_record", False) + } + + blocks = { + name: {v["name"]: v for v in block} + for name, block in groupby(vars_.values(), lambda v: v["block"]) + } + + def _package_type() -> Optional[str]: + line = next( + iter( + m + for m in meta + if isinstance(m, str) and m.startswith("package-type") + ), + None, + ) + return line.split()[-1] if line else None + + def _subpackage() -> Optional["Ref"]: + def _parent(): + line = next( + iter( + m for m in meta if isinstance(m, str) and m.startswith("parent") + ), + None, + ) + if not line: + return None + split = line.split() + return split[1] + + def _rest(): + line = next( + iter( + m for m in meta if isinstance(m, str) and m.startswith("subpac") + ), + None, + ) + if not line: + return None + _, key, abbr, param, val = line.split() + matches = [v for v in vars_.values() if v["name"] == val] + if not any(matches): + descr = None + else: + if len(matches) > 1: + warn(f"Multiple matches for referenced variable {val}") + match = matches[0] + descr = match["description"] + + return { + "key": key, + "val": val, + "abbr": abbr, + "param": param, + "description": descr, + } + + parent = _parent() + rest = _rest() + if parent and rest: + return Ref(parent=parent, **rest) + return None + + def _solution() -> Optional[Sln]: + sln = next( + iter( + m + for m in meta + if isinstance(m, str) and m.startswith("solution_package") + ), + None, + ) + if sln: + abbr, pattern = sln.split()[1:] + return Sln(abbr=abbr, pattern=pattern) + return None + + def _multi() -> bool: + return any("multi-package" in m for m in meta) + + package_type = _package_type() + subpackage = _subpackage() + solution = _solution() + multi = _multi() + + return cls( + name=name, + foreign_keys=fkeys, + package_type=package_type, + subpackage=subpackage, + solution=solution, + multi=multi, + dfn=dfn, + **blocks, + ) + + @classmethod + def load( + cls, + f, + name: Optional[Name] = None, + version: DfnFmtVersion = 1, + **kwargs, + ) -> "Dfn": + """ + Load an input definition from a DFN file. + """ - def __delitem__(self, key): - del self._dfns[key] + if version == 1: + return cls._load_v1(f, name, **kwargs) + else: + raise ValueError(f"Unsupported version, expected one of {version.__args__}") - def __iter__(self): - return iter(self._dfns) + @staticmethod + def _load_all_v1(dfndir: PathLike) -> Dfns: + # find definition files + paths = [p for p in dfndir.glob("*.dfn") if p.stem not in ["common", "flopy"]] - def __len__(self): - return len(self._dfns) + # try to load common variables + common_path = dfndir / "common.dfn" + if not common_path.is_file: + common = None + else: + with open(common_path, "r") as f: + common, _ = Dfn._load_v1_flat(f) - def add(self, key, dfn): - if key in self._dfns: - raise ValueError("DFN exists in container") + # load subpackage references first + refs: Refs = {} + for path in paths: + with open(path) as f: + name = Dfn.Name.parse(path.stem) + dfn = Dfn.load(f, name=name, common=common) + subpkg = dfn.get("subpackage", None) + if subpkg: + refs[subpkg["key"]] = subpkg - self._dfns[key] = dfn + # load all the input definitions + dfns: Dfns = {} + for path in paths: + with open(path) as f: + name = Dfn.Name.parse(path.stem) + dfn = Dfn.load(f, name=name, common=common, refs=refs) + dfns[name] = dfn - def get(self, key): - if key not in self._dfns: - raise ValueError("DFN does not exist in container") + return dfns - return self._dfns[key] + @staticmethod + def load_all(dfndir: PathLike, version: DfnFmtVersion = 1) -> Dfns: + """Load all input definitions from the given directory.""" - # def get(self, component, subcomponent): - # key = f"{component.lower()}-{subcomponent.lower()}" - # if key not in self._dfns: - # raise ValueError("DFN does not exist in container") - # - # return self._dfns[key] + if version == 1: + return Dfn._load_all_v1(dfndir) + else: + raise ValueError(f"Unsupported version, expected one of {version.__args__}") diff --git a/flopy4/mf6/io/binary.py b/flopy4/mf6/io/binary.py index 41ba91a..f81f5ce 100644 --- a/flopy4/mf6/io/binary.py +++ b/flopy4/mf6/io/binary.py @@ -306,9 +306,7 @@ def read_binary_data_from_file( data_list.append(data_record) return data_list - def write_binary_file( - self, data, fname, modelgrid=None, precision="double" - ): + def write_binary_file(self, data, fname, modelgrid=None, precision="double"): fd = _open_ext_file(fname, binary=True, write=True) data_array = self._build_data_array(data, modelgrid, precision) data_array.tofile(fd) @@ -325,9 +323,7 @@ def _get_cell_header(self, modelgrid): def _open_ext_file(fname, binary=False, write=False): model_dim = self._data_dimensions.package_dim.model_dim[0] - read_file = self._simulation_data.mfpath.resolve_path( - fname, model_dim.model_name - ) + read_file = self._simulation_data.mfpath.resolve_path(fname, model_dim.model_name) if write: options = "w" else: diff --git a/flopy4/model.py b/flopy4/model.py index 6cb5bfe..3dce577 100644 --- a/flopy4/model.py +++ b/flopy4/model.py @@ -96,9 +96,7 @@ def load(cls, f, **kwargs): packages["nam6"] = GwfNam.load(f, **kwargs) simpath = Path(f.name).parent - MFModel.load_packages( - simpath, members, packages["nam6"], packages, **kwargs - ) + MFModel.load_packages(simpath, members, packages["nam6"], packages, **kwargs) return cls(name=mname, mempath=mempath, mtype=mtype, packages=packages) @staticmethod diff --git a/flopy4/package.py b/flopy4/package.py index 531e3c2..61ca310 100644 --- a/flopy4/package.py +++ b/flopy4/package.py @@ -24,9 +24,7 @@ def collect_blocks( """ blocks = dict() - for block_name, block_params in groupby( - params.values(), lambda p: p.block - ): + for block_name, block_params in groupby(params.values(), lambda p: p.block): block = make_block( params={param.name: param for param in block_params}, block_name=block_name, @@ -177,8 +175,7 @@ def _get_params(self) -> Dict[str, MFParam]: def _get_param_values(self) -> Dict[str, Any]: """Get a flattened dictionary of parameter values.""" return { - param_name: param.value - for param_name, param in self._get_params().items() + param_name: param.value for param_name, param in self._get_params().items() } @property @@ -294,9 +291,7 @@ def __repr__(self): def __eq__(self, other): if not isinstance(other, MFPackages): raise TypeError(f"Expected MFPackages, got {type(other)}") - return OrderedDict(sorted(self.value)) == OrderedDict( - sorted(other.value) - ) + return OrderedDict(sorted(self.value)) == OrderedDict(sorted(other.value)) @staticmethod def assert_packages(packages): @@ -309,14 +304,10 @@ def assert_packages(packages): elif isinstance(packages, dict): packages = packages.values() not_packages = [ - p - for p in packages - if p is not None and not issubclass(type(p), MFPackage) + p for p in packages if p is not None and not issubclass(type(p), MFPackage) ] if any(not_packages): - raise TypeError( - f"Expected MFPackage subclasses, got {not_packages}" - ) + raise TypeError(f"Expected MFPackage subclasses, got {not_packages}") @property def value(self) -> Dict[str, Dict[str, Any]]: diff --git a/flopy4/param.py b/flopy4/param.py index 23bfba7..9b9fefc 100644 --- a/flopy4/param.py +++ b/flopy4/param.py @@ -192,9 +192,7 @@ def __repr__(self): def __eq__(self, other): if not isinstance(other, MFParams): raise TypeError(f"Expected MFParams, got {type(other)}") - return OrderedDict(sorted(self.value)) == OrderedDict( - sorted(other.value) - ) + return OrderedDict(sorted(self.value)) == OrderedDict(sorted(other.value)) @staticmethod def assert_params(params): @@ -207,9 +205,7 @@ def assert_params(params): elif isinstance(params, dict): params = params.values() not_params = [ - p - for p in params - if p is not None and not issubclass(type(p), MFParam) + p for p in params if p is not None and not issubclass(type(p), MFParam) ] if any(not_params): raise TypeError(f"Expected MFParam subclasses, got {not_params}") @@ -239,8 +235,6 @@ def write(self, f, **kwargs): if len(self.params[param.name]): param.write(f, **kwargs) elif param.type is None: - raise TypeError( - f"Unknown specification type for param '{param.name}'" - ) + raise TypeError(f"Unknown specification type for param '{param.name}'") elif self.params[param.name] is not None: param.write(f, **kwargs) diff --git a/flopy4/scalar.py b/flopy4/scalar.py index 987ce10..a9f20f3 100644 --- a/flopy4/scalar.py +++ b/flopy4/scalar.py @@ -134,9 +134,7 @@ def load(cls, f, **kwargs) -> "MFKeyword": def write(self, f, **kwargs): newline = kwargs.pop("newline", True) if self.value: - f.write( - f"{PAD}" f"{self.name.upper()}" + ("\n" if newline else "") - ) + f.write(f"{PAD}" f"{self.name.upper()}" + ("\n" if newline else "")) class MFInteger(MFScalar[int]): @@ -201,9 +199,7 @@ def load(cls, f, **kwargs) -> "MFInteger": def write(self, f, **kwargs): newline = kwargs.pop("newline", True) f.write( - f"{PAD}" - f"{self.name.upper()} " - f"{self.value}" + ("\n" if newline else "") + f"{PAD}" f"{self.name.upper()} " f"{self.value}" + ("\n" if newline else "") ) @@ -265,9 +261,7 @@ def load(cls, f, **kwargs) -> "MFDouble": def write(self, f, **kwargs): newline = kwargs.pop("newline", True) f.write( - f"{PAD}" - f"{self.name.upper()} " - f"{self.value}" + ("\n" if newline else "") + f"{PAD}" f"{self.name.upper()} " f"{self.value}" + ("\n" if newline else "") ) @@ -329,9 +323,7 @@ def load(cls, f, **kwargs) -> "MFString": def write(self, f, **kwargs): newline = kwargs.pop("newline", True) f.write( - f"{PAD}" - f"{self.name.upper()} " - f"{self.value}" + ("\n" if newline else "") + f"{PAD}" f"{self.name.upper()} " f"{self.value}" + ("\n" if newline else "") ) diff --git a/pyproject.toml b/pyproject.toml index 5a92dbc..ccb2a64 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -42,7 +42,7 @@ dependencies = [ "lark", # todo: bounds? "numpy>=1.20.3", "pandas>=2.0.0", - "toml>=0.10", + "tomlkit", # todo: bounds? ] dynamic = ["version"] @@ -85,7 +85,6 @@ include = ["flopy4", "flopy4.*"] "flopy4.toml" = ["dfns/toml/*.toml"] [tool.ruff] -line-length = 79 target-version = "py38" include = [ "pyproject.toml", diff --git a/spec/dfn/chf-cdb.dfn b/spec/dfn/chf-cdb.dfn new file mode 100644 index 0000000..dea9e18 --- /dev/null +++ b/spec/dfn/chf-cdb.dfn @@ -0,0 +1,183 @@ +# --------------------- swf cdb options --------------------- +# flopy multi-package + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Surface Water Flow'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'critical depth boundary'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'critical depth boundary'} +mf6internal iprpak + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'critical depth boundary'} +mf6internal iprflow + +block options +name save_flows +type keyword +reader urword +optional true +longname save flows to budget file +description REPLACE save_flows {'{#1}': 'critical depth boundary'} +mf6internal ipakcb + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'Zero-Depth-Gradient Boundary'} + + +# --------------------- swf cdb dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of critical depth boundaries +description REPLACE maxbound {'{#1}': 'critical depth boundary'} + + +# --------------------- swf cdb period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name stress_period_data +type recarray cellid idcxs width aux boundname +shape (maxbound) +reader urword +longname +description +mf6internal spd + +block period +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block period +name idcxs +type integer +shape +tagged false +in_record true +reader urword +time_series false +longname cross section identifier +description is the identifier for the cross section specified in the CXS Package. A value of zero indicates the zero-depth-gradient calculation will use parameters for a hydraulically wide channel. +numeric_index true + +block period +name width +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname width of the zero-depth gradient boundary +description is the channel width of the zero-depth gradient boundary. If a cross section is associated with this boundary, the width will be scaled by the cross section information. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +time_series true +longname auxiliary variables +description REPLACE aux {'{#1}': 'zero-depth-gradient boundary'} +mf6internal auxvar + +block period +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname zero-depth-gradient boundary name +description REPLACE boundname {'{#1}': 'zero-depth-gradient boundary'} diff --git a/spec/dfn/chf-chd.dfn b/spec/dfn/chf-chd.dfn new file mode 100644 index 0000000..a20bd6c --- /dev/null +++ b/spec/dfn/chf-chd.dfn @@ -0,0 +1,208 @@ +# --------------------- swf chd options --------------------- +# flopy multi-package + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Surface Water Flow'} + +block options +name auxmultname +type string +shape +reader urword +optional true +longname name of auxiliary variable for multiplier +description REPLACE auxmultname {'{#1}': 'CHD head value'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'constant-head'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'constant-head'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print CHD flows to listing file +description REPLACE print_flows {'{#1}': 'constant-head'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save CHD flows to budget file +description REPLACE save_flows {'{#1}': 'constant-head'} + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'constant-head'} + + +# --------------------- swf chd dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of constant heads +description REPLACE maxbound {'{#1}': 'constant-head'} + + +# --------------------- swf chd period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name stress_period_data +type recarray cellid head aux boundname +shape (maxbound) +reader urword +longname +description +mf6internal spd + +block period +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block period +name head +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname head value assigned to constant head +description is the head at the boundary. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +time_series true +longname auxiliary variables +description REPLACE aux {'{#1}': 'constant head'} + +block period +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname constant head boundary name +description REPLACE boundname {'{#1}': 'constant head boundary'} diff --git a/spec/dfn/chf-cxs.dfn b/spec/dfn/chf-cxs.dfn new file mode 100644 index 0000000..a1d28f9 --- /dev/null +++ b/spec/dfn/chf-cxs.dfn @@ -0,0 +1,100 @@ +# --------------------- swf cxs options --------------------- + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'stream reach'} +mf6internal iprpak + +# --------------------- swf cxs dimensions --------------------- + +block dimensions +name nsections +type integer +reader urword +optional false +longname number of reaches +description integer value specifying the number of cross sections that will be defined. There must be NSECTIONS entries in the PACKAGEDATA block. + +block dimensions +name npoints +type integer +reader urword +optional false +longname total number of points defined for all reaches +description integer value specifying the total number of cross-section points defined for all reaches. There must be NPOINTS entries in the CROSSSECTIONDATA block. + +# --------------------- swf cxs packagedata --------------------- + +block packagedata +name packagedata +type recarray idcxs nxspoints +shape (nsections) +reader urword +longname +description + +block packagedata +name idcxs +type integer +shape +tagged false +in_record true +reader urword +longname reach number for this entry +description integer value that defines the cross section number associated with the specified PACKAGEDATA data on the line. IDCXS must be greater than zero and less than or equal to NSECTIONS. Information must be specified for every section or the program will terminate with an error. The program will also terminate with an error if information for a section is specified more than once. +numeric_index true + +block packagedata +name nxspoints +type integer +shape +tagged false +in_record true +reader urword +longname number of points used to define cross section +description integer value that defines the number of points used to define the define the shape of a section. NXSPOINTS must be greater than zero or the program will terminate with an error. NXSPOINTS defines the number of points that must be entered for the reach in the CROSSSECTIONDATA block. The sum of NXSPOINTS for all sections must equal the NPOINTS dimension. + +# --------------------- swf cxs crosssectiondata --------------------- + +block crosssectiondata +name crosssectiondata +type recarray xfraction height manfraction +shape (npoints) +reader urword +longname +description + +block crosssectiondata +name xfraction +type double precision +shape +tagged false +in_record true +reader urword +longname fractional width +description real value that defines the station (x) data for the cross-section as a fraction of the width (WIDTH) of the reach. XFRACTION must be greater than or equal to zero but can be greater than one. XFRACTION values can be used to decrease or increase the width of a reach from the specified reach width (WIDTH). + +block crosssectiondata +name height +type double precision +shape +tagged false +in_record true +reader urword +longname depth +description real value that is the height relative to the top of the lowest elevation of the streambed (ELEVATION) and corresponding to the station data on the same line. HEIGHT must be greater than or equal to zero and at least one cross-section height must be equal to zero. + +block crosssectiondata +name manfraction +type double precision +shape +tagged false +in_record true +reader urword +optional false +longname Manning's roughness coefficient +description real value that defines the Manning's roughness coefficient data for the cross-section as a fraction of the Manning's roughness coefficient for the reach (MANNINGSN) and corresponding to the station data on the same line. MANFRACTION must be greater than zero. MANFRACTION is applied from the XFRACTION value on the same line to the XFRACTION value on the next line. diff --git a/spec/dfn/chf-dfw.dfn b/spec/dfn/chf-dfw.dfn new file mode 100644 index 0000000..0eef8d7 --- /dev/null +++ b/spec/dfn/chf-dfw.dfn @@ -0,0 +1,143 @@ +# --------------------- swf dfw options --------------------- + +block options +name central_in_space +type keyword +reader urword +optional true +longname use central in space weighting +description keyword to indicate conductance should be calculated using central-in-space weighting instead of the default upstream weighting approach. This option should be used with caution as it does not work well unless all of the stream reaches are saturated. With this option, there is no way for water to flow into a dry reach from connected reaches. +mf6internal icentral + +block options +name length_conversion +type double precision +reader urword +optional true +longname length conversion factor +description real value that is used to convert user-specified Manning's roughness coefficients from meters to model length units. LENGTH\_CONVERSION should be set to 3.28081, 1.0, and 100.0 when using length units (LENGTH\_UNITS) of feet, meters, or centimeters in the simulation, respectively. LENGTH\_CONVERSION does not need to be specified if LENGTH\_UNITS are meters. +mf6internal lengthconv + +block options +name time_conversion +type double precision +reader urword +optional true +longname time conversion factor +description real value that is used to convert user-specified Manning's roughness coefficients from seconds to model time units. TIME\_CONVERSION should be set to 1.0, 60.0, 3,600.0, 86,400.0, and 31,557,600.0 when using time units (TIME\_UNITS) of seconds, minutes, hours, days, or years in the simulation, respectively. TIME\_CONVERSION does not need to be specified if TIME\_UNITS are seconds. +mf6internal timeconv + +block options +name save_flows +type keyword +reader urword +optional true +longname keyword to save DFW flows +description keyword to indicate that budget flow terms will be written to the file specified with ``BUDGET SAVE FILE'' in Output Control. +mf6internal ipakcb + +block options +name print_flows +type keyword +reader urword +optional true +longname keyword to print DFW flows to listing file +description keyword to indicate that calculated flows between cells will be printed to the listing file for every stress period time step in which ``BUDGET PRINT'' is specified in Output Control. If there is no Output Control option and ``PRINT\_FLOWS'' is specified, then flow rates are printed for the last time step of each stress period. This option can produce extremely large list files because all cell-by-cell flows are printed. It should only be used with the DFW Package for models that have a small number of cells. +mf6internal iprflow + +block options +name save_velocity +type keyword +reader urword +optional true +longname keyword to save velocity +description keyword to indicate that x, y, and z components of velocity will be calculated at cell centers and written to the budget file, which is specified with ``BUDGET SAVE FILE'' in Output Control. If this option is activated, then additional information may be required in the discretization packages and the GWF Exchange package (if GWF models are coupled). Specifically, ANGLDEGX must be specified in the CONNECTIONDATA block of the DISU Package; ANGLDEGX must also be specified for the GWF Exchange as an auxiliary variable. +mf6internal isavvelocity + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'DFW'} + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +# dev options + +block options +name dev_swr_conductance +type keyword +reader urword +optional true +longname use SWR conductance formulation +description use the conductance formulation in the Surface Water Routing (SWR) Process for MODFLOW-2005. +mf6internal iswrcond + +# --------------------- swf dfw griddata --------------------- + +block griddata +name manningsn +type double precision +shape (nodes) +valid +reader readarray +layered false +optional +longname mannings roughness coefficient +description mannings roughness coefficient + +block griddata +name idcxs +type integer +shape (nodes) +valid +reader readarray +layered false +optional true +longname cross section number +description integer value indication the cross section identifier in the Cross Section Package that applies to the reach. If not provided then reach will be treated as hydraulically wide. +numeric_index true diff --git a/spec/dfn/chf-dis2d.dfn b/spec/dfn/chf-dis2d.dfn new file mode 100644 index 0000000..439cdf9 --- /dev/null +++ b/spec/dfn/chf-dis2d.dfn @@ -0,0 +1,112 @@ +# --------------------- swf dis2d options --------------------- + +block options +name length_units +type string +reader urword +optional true +longname model length units +description is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''. + +block options +name nogrb +type keyword +reader urword +optional true +longname do not write binary grid file +description keyword to deactivate writing of the binary grid file. + +block options +name xorigin +type double precision +reader urword +optional true +longname x-position of the model grid origin +description x-position of the lower-left corner of the model grid. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name yorigin +type double precision +reader urword +optional true +longname y-position of the model grid origin +description y-position of the lower-left corner of the model grid. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name angrot +type double precision +reader urword +optional true +longname rotation angle +description counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +# --------------------- swf dis2d dimensions --------------------- + +block dimensions +name nrow +type integer +reader urword +optional false +longname number of rows +description is the number of rows in the model grid. +default_value 2 + +block dimensions +name ncol +type integer +reader urword +optional false +longname number of columns +description is the number of columns in the model grid. +default_value 2 + +# --------------------- swf dis2d griddata --------------------- + +block griddata +name delr +type double precision +shape (ncol) +reader readarray +longname spacing along a row +description is the column spacing in the row direction. +default_value 1.0 + +block griddata +name delc +type double precision +shape (nrow) +reader readarray +longname spacing along a column +description is the row spacing in the column direction. +default_value 1.0 + +block griddata +name bottom +type double precision +shape (ncol, nrow) +reader readarray +layered false +longname cell bottom elevation +description is the bottom elevation for each cell. +default_value 0. + +block griddata +name idomain +type integer +shape (ncol, nrow) +reader readarray +layered false +optional true +longname idomain existence array +description is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell. + + diff --git a/spec/dfn/chf-disv1d.dfn b/spec/dfn/chf-disv1d.dfn new file mode 100644 index 0000000..040add7 --- /dev/null +++ b/spec/dfn/chf-disv1d.dfn @@ -0,0 +1,199 @@ +# --------------------- swf disv1d options --------------------- + +block options +name length_units +type string +reader urword +optional true +longname model length units +description is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''. + +block options +name nogrb +type keyword +reader urword +optional true +longname do not write binary grid file +description keyword to deactivate writing of the binary grid file. + +block options +name xorigin +type double precision +reader urword +optional true +longname x-position origin of the model grid coordinate system +description x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name yorigin +type double precision +reader urword +optional true +longname y-position origin of the model grid coordinate system +description y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name angrot +type double precision +reader urword +optional true +longname rotation angle +description counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +# --------------------- swf disv1d dimensions --------------------- + +block dimensions +name nodes +type integer +reader urword +optional false +longname number of linear features +description is the number of linear cells. + +block dimensions +name nvert +type integer +reader urword +optional true +longname number of columns +description is the total number of (x, y, z) vertex pairs used to characterize the model grid. + +# --------------------- swf disv1d griddata --------------------- + +block griddata +name width +type double precision +shape (nodes) +valid +reader readarray +layered false +optional +longname width +description real value that defines the width for each one-dimensional cell. WIDTH must be greater than zero. If the Cross Section (CXS) Package is used, then the WIDTH value will be multiplied by the specified cross section x-fraction values. + +block griddata +name bottom +type double precision +shape (nodes) +valid +reader readarray +layered false +optional +longname bottom elevation for the one-dimensional cell +description bottom elevation for the one-dimensional cell. + +block griddata +name idomain +type integer +shape (nodes) +reader readarray +layered false +optional true +longname idomain existence array +description is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. + + +# --------------------- swf disv1d vertices --------------------- + +block vertices +name vertices +type recarray iv xv yv +shape (nvert) +reader urword +optional false +longname vertices data +description + +block vertices +name iv +type integer +in_record true +tagged false +reader urword +optional false +longname vertex number +description is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT. +numeric_index true + +block vertices +name xv +type double precision +in_record true +tagged false +reader urword +optional false +longname x-coordinate for vertex +description is the x-coordinate for the vertex. + +block vertices +name yv +type double precision +in_record true +tagged false +reader urword +optional false +longname y-coordinate for vertex +description is the y-coordinate for the vertex. + +# --------------------- swf disv1d cell1d --------------------- + +block cell1d +name cell1d +type recarray icell1d fdc ncvert icvert +shape (nodes) +reader urword +optional false +longname cell1d data +description + +block cell1d +name icell1d +type integer +in_record true +tagged false +reader urword +optional false +longname cell1d number +description is the cell1d number. Records in the cell1d block must be listed in consecutive order from the first to the last. +numeric_index true + +block cell1d +name fdc +type double precision +in_record true +tagged false +reader urword +optional false +longname fractional distance to the cell center +description is the fractional distance to the cell center. FDC is relative to the first vertex in the ICVERT array. In most cases FDC should be 0.5, which would place the center of the line segment that defines the cell. If the value of FDC is 1, the cell center would located at the last vertex. FDC values of 0 and 1 can be used to place the node at either end of the cell which can be useful for cells with boundary conditions. + +block cell1d +name ncvert +type integer +in_record true +tagged false +reader urword +optional false +longname number of cell vertices +description is the number of vertices required to define the cell. There may be a different number of vertices for each cell. + +block cell1d +name icvert +type integer +shape (ncvert) +in_record true +tagged false +reader urword +optional false +longname number of cell vertices +description is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in the order that defines the line representing the cell. Cells that are connected must share vertices. The bottom elevation of the cell is calculated using the ZV of the first and last vertex point and FDC. +numeric_index true diff --git a/spec/dfn/chf-disv2d.dfn b/spec/dfn/chf-disv2d.dfn new file mode 100644 index 0000000..37f17f7 --- /dev/null +++ b/spec/dfn/chf-disv2d.dfn @@ -0,0 +1,196 @@ +# --------------------- swf disv2d options --------------------- + +block options +name length_units +type string +reader urword +optional true +longname model length units +description is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''. + +block options +name nogrb +type keyword +reader urword +optional true +longname do not write binary grid file +description keyword to deactivate writing of the binary grid file. + +block options +name xorigin +type double precision +reader urword +optional true +longname x-position of the model grid origin +description x-position of the lower-left corner of the model grid. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name yorigin +type double precision +reader urword +optional true +longname y-position of the model grid origin +description y-position of the lower-left corner of the model grid. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name angrot +type double precision +reader urword +optional true +longname rotation angle +description counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space. + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +# --------------------- swf disv2d dimensions --------------------- + +block dimensions +name nodes +type integer +reader urword +optional false +longname number of cells per layer +description is the number of cells per layer. This is a constant value for the grid and it applies to all layers. + +block dimensions +name nvert +type integer +reader urword +optional false +longname number of columns +description is the total number of (x, y) vertex pairs used to characterize the horizontal configuration of the model grid. + +# --------------------- swf disv2d griddata --------------------- + +block griddata +name bottom +type double precision +shape (nodes) +reader readarray +layered false +longname model bottom elevation +description is the bottom elevation for each cell. + +block griddata +name idomain +type integer +shape (nodes) +reader readarray +layered false +optional true +longname idomain existence array +description is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1 or greater, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell. + +# --------------------- swf disv2d vertices --------------------- + +block vertices +name vertices +type recarray iv xv yv +shape (nvert) +reader urword +optional false +longname vertices data +description + +block vertices +name iv +type integer +in_record true +tagged false +reader urword +optional false +longname vertex number +description is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT. +numeric_index true + +block vertices +name xv +type double precision +in_record true +tagged false +reader urword +optional false +longname x-coordinate for vertex +description is the x-coordinate for the vertex. + +block vertices +name yv +type double precision +in_record true +tagged false +reader urword +optional false +longname y-coordinate for vertex +description is the y-coordinate for the vertex. + + +# --------------------- swf disv cell2d --------------------- + +block cell2d +name cell2d +type recarray icell2d xc yc ncvert icvert +shape (nodes) +reader urword +optional false +longname cell2d data +description + +block cell2d +name icell2d +type integer +in_record true +tagged false +reader urword +optional false +longname cell2d number +description is the CELL2D number. Records in the CELL2D block must be listed in consecutive order from the first to the last. +numeric_index true + +block cell2d +name xc +type double precision +in_record true +tagged false +reader urword +optional false +longname x-coordinate for cell center +description is the x-coordinate for the cell center. + +block cell2d +name yc +type double precision +in_record true +tagged false +reader urword +optional false +longname y-coordinate for cell center +description is the y-coordinate for the cell center. + +block cell2d +name ncvert +type integer +in_record true +tagged false +reader urword +optional false +longname number of cell vertices +description is the number of vertices required to define the cell. There may be a different number of vertices for each cell. + +block cell2d +name icvert +type integer +shape (ncvert) +in_record true +tagged false +reader urword +optional false +longname array of vertex numbers +description is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order. Cells that are connected must share vertices. +numeric_index true diff --git a/spec/dfn/chf-flw.dfn b/spec/dfn/chf-flw.dfn new file mode 100644 index 0000000..dbacb05 --- /dev/null +++ b/spec/dfn/chf-flw.dfn @@ -0,0 +1,207 @@ +# --------------------- swf flw options --------------------- +# flopy multi-package + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Stream Network Flow'} + +block options +name auxmultname +type string +shape +reader urword +optional true +longname name of auxiliary variable for multiplier +description REPLACE auxmultname {'{#1}': 'flow rate'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'inflow'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'inflow'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'inflow'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save well flows to budget file +description REPLACE save_flows {'{#1}': 'inflow'} + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'inflow'} + +# --------------------- swf flw dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of inflow +description REPLACE maxbound {'{#1}': 'inflow'} + + +# --------------------- swf flw period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name stress_period_data +type recarray cellid q aux boundname +shape (maxbound) +reader urword +longname +description +mf6internal spd + +block period +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block period +name q +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname well rate +description is the volumetric inflow rate. A positive value indicates inflow to the stream. Negative values are not allows. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +time_series true +longname auxiliary variables +description REPLACE aux {'{#1}': 'inflow'} + +block period +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname inflow name +description REPLACE boundname {'{#1}': 'inflow'} diff --git a/spec/dfn/chf-ic.dfn b/spec/dfn/chf-ic.dfn new file mode 100644 index 0000000..5462ac7 --- /dev/null +++ b/spec/dfn/chf-ic.dfn @@ -0,0 +1,22 @@ +# --------------------- swf ic options --------------------- + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +# --------------------- swf ic griddata --------------------- + +block griddata +name strt +type double precision +shape (nodes) +reader readarray +layered true +longname starting concentration +description is the initial (starting) stage---that is, stage at the beginning of the SWF Model simulation. STRT must be specified for all SWF Model simulations. One value is read for every model reach. +default_value 0.0 diff --git a/spec/dfn/chf-nam.dfn b/spec/dfn/chf-nam.dfn new file mode 100644 index 0000000..77fcbcd --- /dev/null +++ b/spec/dfn/chf-nam.dfn @@ -0,0 +1,99 @@ +# --------------------- swf nam options --------------------- + +block options +name list +type string +reader urword +optional true +preserve_case true +longname name of listing file +description is name of the listing file to create for this SWF model. If not specified, then the name of the list file will be the basename of the SWF model name file and the '.lst' extension. For example, if the SWF name file is called ``my.model.nam'' then the list file will be called ``my.model.lst''. + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'all model stress package'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'all model package'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save flows for all packages to budget file +description REPLACE save_flows {'{#1}': 'all model package'} + +block options +name newtonoptions +type record newton under_relaxation +reader urword +optional true +longname newton keyword and options +description none + +block options +name newton +in_record true +type keyword +reader urword +longname keyword to activate Newton-Raphson formulation +description keyword that activates the Newton-Raphson formulation for surface water flow between connected reaches and stress packages that support calculation of Newton-Raphson terms. + +block options +name under_relaxation +in_record true +type keyword +reader urword +optional true +longname keyword to activate Newton-Raphson UNDER_RELAXATION option +description keyword that indicates whether the surface water stage in a reach will be under-relaxed when water levels fall below the bottom of the model below any given cell. By default, Newton-Raphson UNDER\_RELAXATION is not applied. + +# --------------------- swf nam packages --------------------- + +block packages +name packages +type recarray ftype fname pname +reader urword +optional false +longname package list +description + +block packages +name ftype +in_record true +type string +tagged false +reader urword +longname package type +description is the file type, which must be one of the following character values shown in table~\ref{table:ftype-swf}. Ftype may be entered in any combination of uppercase and lowercase. + +block packages +name fname +in_record true +type string +preserve_case true +tagged false +reader urword +longname file name +description is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run. + +block packages +name pname +in_record true +type string +tagged false +reader urword +optional true +longname user name for package +description is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single SWF Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters. + diff --git a/spec/dfn/chf-oc.dfn b/spec/dfn/chf-oc.dfn new file mode 100644 index 0000000..6459428 --- /dev/null +++ b/spec/dfn/chf-oc.dfn @@ -0,0 +1,345 @@ +# --------------------- swf oc options --------------------- + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name qoutflow_filerecord +type record qoutflow fileout qoutflowfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name qoutflow +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname qoutflow keyword +description keyword to specify that record corresponds to qoutflow. + +block options +name qoutflowfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write conc information. + +block options +name stage_filerecord +type record stage fileout stagefile +shape +reader urword +tagged true +optional true +longname +description + +block options +name stage +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname stage keyword +description keyword to specify that record corresponds to stage. + +block options +name stagefile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write stage information. + +block options +name qoutflowprintrecord +type record qoutflow print_format formatrecord +shape +reader urword +optional true +longname +description + +block options +name print_format +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to indicate that a print format follows +description keyword to specify format for printing to the listing file. + +block options +name formatrecord +type record columns width digits format +shape +in_record true +reader urword +tagged +optional false +longname +description + +block options +name columns +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of columns +description number of columns for writing data. + +block options +name width +type integer +shape +in_record true +reader urword +tagged true +optional +longname width for each number +description width for writing each number. + +block options +name digits +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of digits +description number of digits to use for writing a number. + +block options +name format +type string +shape +in_record true +reader urword +tagged false +optional false +longname write format +description write format can be EXPONENTIAL, FIXED, GENERAL, or SCIENTIFIC. + +# --------------------- swf oc period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name saverecord +type record save rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name save +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be saved this stress period. + +block period +name printrecord +type record print rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name print +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be printed this stress period. + +block period +name rtype +type string +shape +in_record true +reader urword +tagged false +optional false +longname record type +description type of information to save or print. Can be BUDGET. + +block period +name ocsetting +type keystring all first last frequency steps +shape +tagged false +in_record true +reader urword +longname +description specifies the steps for which the data will be saved. + +block period +name all +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for all time steps in period. + +block period +name first +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for first step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name last +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for last step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name frequency +type integer +shape +tagged true +in_record true +reader urword +longname +description save at the specified time step frequency. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name steps +type integer +shape ($ 0, or it is the area perpendicular to flow of the vertical connection between cell 1 and cell 2 if IHC = 0. + +block exchangedata +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +longname auxiliary variables +description represents the values of the auxiliary variables for each GWEGWE Exchange. The values of auxiliary variables must be present for each exchange. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. +mf6internal auxvar + +block exchangedata +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname exchange boundname +description REPLACE boundname {'{#1}': 'GWE Exchange'} diff --git a/spec/dfn/exg-gwfgwe.dfn b/spec/dfn/exg-gwfgwe.dfn new file mode 100644 index 0000000..fe54102 --- /dev/null +++ b/spec/dfn/exg-gwfgwe.dfn @@ -0,0 +1,3 @@ +# --------------------- exg gwfgwe options --------------------- + + diff --git a/spec/dfn/exg-gwfgwt.dfn b/spec/dfn/exg-gwfgwt.dfn new file mode 100644 index 0000000..685852d --- /dev/null +++ b/spec/dfn/exg-gwfgwt.dfn @@ -0,0 +1,3 @@ +# --------------------- exg gwfgwt options --------------------- + + diff --git a/spec/dfn/exg-gwfprt.dfn b/spec/dfn/exg-gwfprt.dfn new file mode 100644 index 0000000..1008a71 --- /dev/null +++ b/spec/dfn/exg-gwfprt.dfn @@ -0,0 +1,3 @@ +# --------------------- exg gwfprt options --------------------- + + diff --git a/spec/dfn/exg-gwtgwt.dfn b/spec/dfn/exg-gwtgwt.dfn new file mode 100644 index 0000000..11af749 --- /dev/null +++ b/spec/dfn/exg-gwtgwt.dfn @@ -0,0 +1,281 @@ +# --------------------- exg gwtgwt options --------------------- +# flopy multi-package + +block options +name gwfmodelname1 +type string +reader urword +optional false +longname keyword to specify name of first corresponding GWF Model +description keyword to specify name of first corresponding GWF Model. In the simulation name file, the GWT6-GWT6 entry contains names for GWT Models (exgmnamea and exgmnameb). The GWT Model with the name exgmnamea must correspond to the GWF Model with the name gwfmodelname1. + +block options +name gwfmodelname2 +type string +reader urword +optional false +longname keyword to specify name of second corresponding GWF Model +description keyword to specify name of second corresponding GWF Model. In the simulation name file, the GWT6-GWT6 entry contains names for GWT Models (exgmnamea and exgmnameb). The GWT Model with the name exgmnameb must correspond to the GWF Model with the name gwfmodelname2. + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description an array of auxiliary variable names. There is no limit on the number of auxiliary variables that can be provided. Most auxiliary variables will not be used by the GWT-GWT Exchange, but they will be available for use by other parts of the program. If an auxiliary variable with the name ``ANGLDEGX'' is found, then this information will be used as the angle (provided in degrees) between the connection face normal and the x axis, where a value of zero indicates that a normal vector points directly along the positive x axis. The connection face normal is a normal vector on the cell face shared between the cell in model 1 and the cell in model 2 pointing away from the model 1 cell. Additional information on ``ANGLDEGX'' is provided in the description of the DISU Package. ANGLDEGX must be specified if dispersion is simulated in the connected GWT models. + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'GWT Exchange'} + +block options +name print_input +type keyword +reader urword +optional true +longname keyword to print input to list file +description keyword to indicate that the list of exchange entries will be echoed to the listing file immediately after it is read. +mf6internal iprpak + +block options +name print_flows +type keyword +reader urword +optional true +longname keyword to print gwfgwf flows to list file +description keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which ``SAVE BUDGET'' is specified in Output Control. +mf6internal iprflow + +block options +name save_flows +type keyword +reader urword +optional true +longname keyword to save GWFGWF flows +description keyword to indicate that cell-by-cell flow terms will be written to the budget file for each model provided that the Output Control for the models are set up with the ``BUDGET SAVE FILE'' option. +mf6internal ipakcb + +block options +name adv_scheme +type string +valid upstream central tvd +reader urword +optional true +longname advective scheme +description scheme used to solve the advection term. Can be upstream, central, or TVD. If not specified, upstream weighting is the default weighting scheme. + +block options +name dsp_xt3d_off +type keyword +shape +reader urword +optional true +longname deactivate xt3d +description deactivate the xt3d method for the dispersive flux and use the faster and less accurate approximation for this exchange. + +block options +name dsp_xt3d_rhs +type keyword +shape +reader urword +optional true +longname xt3d on right-hand side +description add xt3d dispersion terms to right-hand side, when possible, for this exchange. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name mvt_filerecord +type record mvt6 filein mvt6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name mvt6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to a transport mover file. + +block options +name mvt6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname mvt6 input filename +description is the file name of the transport mover input file to apply to this exchange. Information for the transport mover are provided in the file provided with these keywords. + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description is the file name of the observations input file for this exchange. See the ``Observation utility'' section for instructions for preparing observation input files. Table \ref{table:gwt-obstypetable} lists observation type(s) supported by the GWT-GWT package. + +block options +name dev_interfacemodel_on +type keyword +reader urword +optional true +longname activate interface model on exchange +description activates the interface model mechanism for calculating the coefficients at (and possibly near) the exchange. This keyword should only be used for development purposes. +mf6internal dev_ifmod_on + +# --------------------- exg gwtgwt dimensions --------------------- + +block dimensions +name nexg +type integer +reader urword +optional false +longname number of exchanges +description keyword and integer value specifying the number of GWT-GWT exchanges. + + +# --------------------- exg gwtgwt exchangedata --------------------- + +block exchangedata +name exchangedata +type recarray cellidm1 cellidm2 ihc cl1 cl2 hwva aux boundname +shape (nexg) +reader urword +optional false +longname exchange data +description + +block exchangedata +name cellidm1 +type integer +in_record true +tagged false +reader urword +optional false +longname cellid of first cell +description is the cellid of the cell in model 1 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM1 is the node number for the cell. +numeric_index true + +block exchangedata +name cellidm2 +type integer +in_record true +tagged false +reader urword +optional false +longname cellid of second cell +description is the cellid of the cell in model 2 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM2 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM2 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM2 is the node number for the cell. +numeric_index true + +block exchangedata +name ihc +type integer +in_record true +tagged false +reader urword +optional false +longname integer flag for connection type +description is an integer flag indicating the direction between node n and all of its m connections. If IHC = 0 then the connection is vertical. If IHC = 1 then the connection is horizontal. If IHC = 2 then the connection is horizontal for a vertically staggered grid. + +block exchangedata +name cl1 +type double precision +in_record true +tagged false +reader urword +optional false +longname connection distance +description is the distance between the center of cell 1 and the its shared face with cell 2. + +block exchangedata +name cl2 +type double precision +in_record true +tagged false +reader urword +optional false +longname connection distance +description is the distance between the center of cell 2 and the its shared face with cell 1. + +block exchangedata +name hwva +type double precision +in_record true +tagged false +reader urword +optional false +longname horizontal cell width or area for vertical flow +description is the horizontal width of the flow connection between cell 1 and cell 2 if IHC $>$ 0, or it is the area perpendicular to flow of the vertical connection between cell 1 and cell 2 if IHC = 0. + +block exchangedata +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +longname auxiliary variables +description represents the values of the auxiliary variables for each GWTGWT Exchange. The values of auxiliary variables must be present for each exchange. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. +mf6internal auxvar + +block exchangedata +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname exchange boundname +description REPLACE boundname {'{#1}': 'GWT Exchange'} diff --git a/spec/dfn/exg-olfgwf.dfn b/spec/dfn/exg-olfgwf.dfn new file mode 100644 index 0000000..7cfb29c --- /dev/null +++ b/spec/dfn/exg-olfgwf.dfn @@ -0,0 +1,136 @@ +# --------------------- exg olfgwf options --------------------- +# flopy multi-package + +block options +name print_input +type keyword +reader urword +optional true +longname keyword to print input to list file +description keyword to indicate that the list of exchange entries will be echoed to the listing file immediately after it is read. +mf6internal ipr_input + +block options +name print_flows +type keyword +reader urword +optional true +longname keyword to print olfgwf flows to list file +description keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which ``SAVE BUDGET'' is specified in Output Control. +mf6internal ipr_flow + +block options +name fixed_conductance +type keyword +reader urword +optional true +longname keyword to indicate conductance is fixed +description keyword to indicate that the product of the bedleak and cfact input variables in the exchangedata block represents conductance. This conductance is fixed and does not change as a function of head in the surface water and groundwater models. +mf6internal ifixedcond + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description is the file name of the observations input file for this exchange. See the ``Observation utility'' section for instructions for preparing observation input files. Table \ref{table:gwf-obstypetable} lists observation type(s) supported by the SWF-GWF package. + +# --------------------- exg olfgwf dimensions --------------------- + +block dimensions +name nexg +type integer +reader urword +optional false +longname number of exchanges +description keyword and integer value specifying the number of SWF-GWF exchanges. + + +# --------------------- exg olfgwf exchangedata --------------------- + +block exchangedata +name exchangedata +type recarray cellidm1 cellidm2 bedleak cfact +shape (nexg) +reader urword +optional false +longname exchange data +description + +block exchangedata +name cellidm1 +type integer +in_record true +tagged false +reader urword +optional false +longname cellid of cell in surface water model +description is the cellid of the cell in model 1, which must be the surface water model. For a structured grid that uses the DIS input file, CELLIDM1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM1 is the node number for the cell. +numeric_index true + +block exchangedata +name cellidm2 +type integer +in_record true +tagged false +reader urword +optional false +longname cellid of cell in groundwater model +description is the cellid of the cell in model 2, which must be the groundwater model. For a structured grid that uses the DIS input file, CELLIDM2 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM2 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM2 is the node number for the cell. +numeric_index true + +block exchangedata +name bedleak +type double precision +in_record true +tagged false +reader urword +optional false +longname bed leakance +description is the leakance between the surface water and groundwater. bedleak has dimensions of 1/T and is equal to the hydraulic conductivity of the bed sediments divided by the thickness of the bed sediments. + +block exchangedata +name cfact +type double precision +in_record true +tagged false +reader urword +optional false +longname factor used for conductance calculation +description is the factor used for the conductance calculation. The definition for this parameter depends the type of surface water model and whether or not the fixed\_conductance option is specified. If the fixed\_conductance option is specified, then the hydraulic conductance is calculated as the product of bedleak and cfact. In this case, the conductance is fixed and does not change as a function of the calculated surface water and groundwater head. If the fixed\_conductance option is not specified, then the definition of cfact depends on whether the surface water model represents one-dimensional channel flow or two-dimensional overland flow. If the surface water model represents one-dimensional channel flow, then cfact is the length of the channel cell in the groundwater model cell. If the surface water model represents two-dimensional overland flow, then cfact is the intersection area of the overland flow cell and the underlying groundwater model cell. diff --git a/spec/dfn/gwe-adv.dfn b/spec/dfn/gwe-adv.dfn new file mode 100644 index 0000000..682ed4a --- /dev/null +++ b/spec/dfn/gwe-adv.dfn @@ -0,0 +1,11 @@ +# --------------------- gwe adv options --------------------- + +block options +name scheme +type string +valid central upstream tvd +reader urword +optional true +longname advective scheme +description scheme used to solve the advection term. Can be upstream, central, or TVD. If not specified, upstream weighting is the default weighting scheme. + diff --git a/spec/dfn/gwe-cnd.dfn b/spec/dfn/gwe-cnd.dfn new file mode 100644 index 0000000..5214018 --- /dev/null +++ b/spec/dfn/gwe-cnd.dfn @@ -0,0 +1,110 @@ +# --------------------- gwe cnd options --------------------- + +block options +name xt3d_off +type keyword +shape +reader urword +optional true +longname deactivate xt3d +description deactivate the xt3d method and use the faster and less accurate approximation. This option may provide a fast and accurate solution under some circumstances, such as when flow aligns with the model grid, there is no mechanical dispersion, or when the longitudinal and transverse dispersivities are equal. This option may also be used to assess the computational demand of the XT3D approach by noting the run time differences with and without this option on. + +block options +name xt3d_rhs +type keyword +shape +reader urword +optional true +longname xt3d on right-hand side +description add xt3d terms to right-hand side, when possible. This option uses less memory, but may require more iterations. + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +block options +name export_array_netcdf +type keyword +reader urword +optional true +mf6internal export_nc +longname export array variables to netcdf output files. +description keyword that specifies input griddata arrays should be written to the model output netcdf file. + +# --------------------- gwe cnd griddata --------------------- + +block griddata +name alh +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname longitudinal dispersivity in horizontal direction +description longitudinal dispersivity in horizontal direction. If flow is strictly horizontal, then this is the longitudinal dispersivity that will be used. If flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both ALH and ALV. If mechanical dispersion is represented (by specifying any dispersivity values) then this array is required. + +block griddata +name alv +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname longitudinal dispersivity in vertical direction +description longitudinal dispersivity in vertical direction. If flow is strictly vertical, then this is the longitudinal dispsersivity value that will be used. If flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both ALH and ALV. If this value is not specified and mechanical dispersion is represented, then this array is set equal to ALH. + +block griddata +name ath1 +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname transverse dispersivity in horizontal direction +description transverse dispersivity in horizontal direction. This is the transverse dispersivity value for the second ellipsoid axis. If flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the y direction. If mechanical dispersion is represented (by specifying any dispersivity values) then this array is required. + +block griddata +name ath2 +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname transverse dispersivity in horizontal direction +description transverse dispersivity in horizontal direction. This is the transverse dispersivity value for the third ellipsoid axis. If flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the z direction. If this value is not specified and mechanical dispersion is represented, then this array is set equal to ATH1. + +block griddata +name atv +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname transverse dispersivity when flow is in vertical direction +description transverse dispersivity when flow is in vertical direction. If flow is strictly vertical and directed in the z direction, then this value controls spreading in the x and y directions. If this value is not specified and mechanical dispersion is represented, then this array is set equal to ATH2. + +block griddata +name ktw +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname thermal conductivity of the simulated fluid +description thermal conductivity of the simulated fluid. Note that the CND Package does not account for the tortuosity of the flow paths when solving for the conductive spread of heat. If tortuosity plays an important role in the thermal conductivity calculation, its effect should be reflected in the value specified for KTW. + +block griddata +name kts +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname thermal conductivity of the aquifer material +description thermal conductivity of the aquifer material + diff --git a/spec/dfn/gwe-ctp.dfn b/spec/dfn/gwe-ctp.dfn new file mode 100644 index 0000000..d8dd2bc --- /dev/null +++ b/spec/dfn/gwe-ctp.dfn @@ -0,0 +1,213 @@ +# --------------------- gwe ctp options --------------------- +# flopy multi-package + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Energy Transport'} + +block options +name auxmultname +type string +shape +reader urword +optional true +longname name of auxiliary variable for multiplier +description REPLACE auxmultname {'{#1}': 'temperature value'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'constant temperature'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'constant temperature'} +mf6internal iprflow + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'constant temperature'} +mf6internal ipakcb + +block options +name save_flows +type keyword +reader urword +optional true +longname save constant temperature flows to budget file +description REPLACE save_flows {'{#1}': 'constant temperature'} +mf6internal iprpak + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname time series keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'Constant Temperature'} + + +# --------------------- gwe ctp dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of constant temperatures +description REPLACE maxbound {'{#1}': 'constant temperatures'} + + +# --------------------- gwe ctp period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name stress_period_data +type recarray cellid temp aux boundname +shape (maxbound) +reader urword +longname +description +mf6internal spd + +block period +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block period +name temp +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname constant temperature value +description is the constant temperature value. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. +mf6internal tspvar + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +time_series true +longname auxiliary variables +description REPLACE aux {'{#1}': 'constant temperature'} +mf6internal auxvar + +block period +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname constant temperature name +description REPLACE boundname {'{#1}': 'constant temperature'} diff --git a/spec/dfn/gwe-esl.dfn b/spec/dfn/gwe-esl.dfn new file mode 100644 index 0000000..534db1b --- /dev/null +++ b/spec/dfn/gwe-esl.dfn @@ -0,0 +1,205 @@ +# --------------------- gwe esl options --------------------- + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Energy Transport'} + +block options +name auxmultname +type string +shape +reader urword +optional true +longname name of auxiliary variable for multiplier +description REPLACE auxmultname {'{#1}': 'energy loading rate'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'energy source loading'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'energy source loading'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'energy source loading'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save well flows to budget file +description REPLACE save_flows {'{#1}': 'energy source loading'} + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'Energy Source Loading'} + +# --------------------- gwe esl dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of sources +description REPLACE maxbound {'{#1}': 'sources'} + + +# --------------------- gwe esl period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name stress_period_data +type recarray cellid senerrate aux boundname +shape (maxbound) +reader urword +longname +description + +block period +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block period +name senerrate +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname energy source loading rate +description is the energy source loading rate. A positive value indicates addition of energy and a negative value indicates removal of energy. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +time_series true +longname auxiliary variables +description REPLACE aux {'{#1}': 'energy source'} + +block period +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname well name +description REPLACE boundname {'{#1}': 'energy source'} diff --git a/spec/dfn/gwe-est.dfn b/spec/dfn/gwe-est.dfn new file mode 100644 index 0000000..311d1e7 --- /dev/null +++ b/spec/dfn/gwe-est.dfn @@ -0,0 +1,88 @@ +# --------------------- gwe est options --------------------- + +block options +name save_flows +type keyword +reader urword +optional true +longname save calculated flows to budget file +description REPLACE save_flows {'{#1}': 'EST'} + +block options +name zero_order_decay +type keyword +reader urword +optional true +longname activate zero-order decay +description is a text keyword to indicate that zero-order decay will occur. Use of this keyword requires that DECAY and DECAY\_SORBED (if sorption is active) are specified in the GRIDDATA block. + +block options +name density_water +type double precision +reader urword +optional true +longname density of water +description density of water used by calculations related to heat storage and conduction. This value is set to 1,000 kg/m3 if no overriding value is specified. A user-specified value should be provided for models that use units other than kilograms and meters or if it is necessary to use a value other than the default. +default_value 1000.0 +mf6internal rhow + +block options +name heat_capacity_water +type double precision +reader urword +optional true +longname heat capacity of water +description heat capacity of water used by calculations related to heat storage and conduction. This value is set to 4,184 J/kg/C if no overriding value is specified. A user-specified value should be provided for models that use units other than kilograms, joules, and degrees Celsius or it is necessary to use a value other than the default. +default_value 4184.0 +mf6internal cpw + +block options +name latent_heat_vaporization +type double precision +reader urword +optional true +longname latent heat of vaporization +description latent heat of vaporization is the amount of energy that is required to convert a given quantity of liquid into a gas and is associated with evaporative cooling. While the EST package does not simulate evaporation, multiple other packages in a GWE simulation may. To avoid having to specify the latent heat of vaporization in multiple packages, it is specified in a single location and accessed wherever it is needed. For example, evaporation may occur from the surface of streams or lakes and the energy consumed by the change in phase would be needed in both the SFE and LKE packages. This value is set to 2,453,500 J/kg if no overriding value is specified. A user-specified value should be provided for models that use units other than joules and kilograms or if it is necessary to use a value other than the default. +default_value 2453500.0 +mf6internal latheatvap + +# --------------------- gwe est griddata --------------------- + +block griddata +name porosity +type double precision +shape (nodes) +reader readarray +layered true +longname porosity +description is the mobile domain porosity, defined as the mobile domain pore volume per mobile domain volume. The GWE model does not support the concept of an immobile domain in the context of heat transport. + +block griddata +name decay +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname aqueous phase decay rate coefficient +description is the rate coefficient for zero-order decay for the aqueous phase of the mobile domain. A negative value indicates heat (energy) production. The dimensions of decay for zero-order decay is energy per length cubed per time. Zero-order decay will have no effect on simulation results unless zero-order decay is specified in the options block. + +block griddata +name heat_capacity_solid +type double precision +shape (nodes) +reader readarray +layered true +longname heat capacity of the aquifer material +description is the mass-based heat capacity of dry solids (aquifer material). For example, units of J/kg/C may be used (or equivalent). +mf6internal cps + +block griddata +name density_solid +type double precision +shape (nodes) +reader readarray +layered true +longname density of aquifer material +description is a user-specified value of the density of aquifer material not considering the voids. Value will remain fixed for the entire simulation. For example, if working in SI units, values may be entered as kilograms per cubic meter. +mf6internal rhos diff --git a/spec/dfn/gwe-fmi.dfn b/spec/dfn/gwe-fmi.dfn new file mode 100644 index 0000000..fb71131 --- /dev/null +++ b/spec/dfn/gwe-fmi.dfn @@ -0,0 +1,58 @@ +# --------------------- gwe fmi options --------------------- + +block options +name save_flows +type keyword +reader urword +optional true +longname save calculated flow imbalance correction to budget file +description REPLACE save_flows {'{#1}': 'FMI'} + +block options +name flow_imbalance_correction +type keyword +reader urword +optional true +longname correct for flow imbalance +description correct for an imbalance in flows by assuming that any residual flow error comes in or leaves at the temperature of the cell. When this option is activated, the GWE Model budget written to the listing file will contain two additional entries: FLOW-ERROR and FLOW-CORRECTION. These two entries will be equal but opposite in sign. The FLOW-CORRECTION term is a mass flow that is added to offset the error caused by an imprecise flow balance. If these terms are not relatively small, the flow model should be rerun with stricter convergence tolerances. + +# --------------------- gwe fmi packagedata --------------------- + +block packagedata +name packagedata +type recarray flowtype filein fname +reader urword +optional false +longname flowtype list +description + +block packagedata +name flowtype +in_record true +type string +tagged false +reader urword +longname flow type +description is the word GWFBUDGET, GWFHEAD, GWFMOVER or the name of an advanced GWF stress package. If GWFBUDGET is specified, then the corresponding file must be a budget file from a previous GWF Model run. If an advanced GWF stress package name appears then the corresponding file must be the budget file saved by a LAK, SFR, MAW or UZF Package. + +block packagedata +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block packagedata +name fname +in_record true +type string +preserve_case true +tagged false +reader urword +longname file name +description is the name of the file containing flows. The path to the file should be included if the file is not located in the folder where the program was run. + diff --git a/spec/dfn/gwe-ic.dfn b/spec/dfn/gwe-ic.dfn new file mode 100644 index 0000000..ed8a1fe --- /dev/null +++ b/spec/dfn/gwe-ic.dfn @@ -0,0 +1,31 @@ +# --------------------- gwe ic options --------------------- + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +block options +name export_array_netcdf +type keyword +reader urword +optional true +mf6internal export_nc +longname export array variables to netcdf output files. +description keyword that specifies input griddata arrays should be written to the model output netcdf file. + +# --------------------- gwe ic griddata --------------------- + +block griddata +name strt +type double precision +shape (nodes) +reader readarray +layered true +longname starting temperature +description is the initial (starting) temperature---that is, the temperature at the beginning of the GWE Model simulation. STRT must be specified for all GWE Model simulations. One value is read for every model cell. +default_value 0.0 diff --git a/spec/dfn/gwe-lke.dfn b/spec/dfn/gwe-lke.dfn new file mode 100644 index 0000000..b59b504 --- /dev/null +++ b/spec/dfn/gwe-lke.dfn @@ -0,0 +1,481 @@ +# --------------------- gwe lke options --------------------- +# flopy multi-package + +block options +name flow_package_name +type string +shape +reader urword +optional true +longname keyword to specify name of corresponding flow package +description keyword to specify the name of the corresponding flow package. If not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the GWE name file). + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Energy Transport'} + +block options +name flow_package_auxiliary_name +type string +shape +reader urword +optional true +longname keyword to specify name of temperature auxiliary variable in flow package +description keyword to specify the name of an auxiliary variable in the corresponding flow package. If specified, then the simulated temperatures from this advanced transport package will be copied into the auxiliary variable specified with this name. Note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. If the flows for this advanced transport package are read from a file, then this option will have no effect. + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'lake'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'lake'} + +block options +name print_temperature +type keyword +reader urword +optional true +longname print calculated temperatures to listing file +description REPLACE print_temperature {'{#1}': 'lake', '{#2}': 'temperature', '{#3}': 'TEMPERATURE'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'lake'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save lake flows to budget file +description REPLACE save_flows {'{#1}': 'lake'} + +block options +name temperature_filerecord +type record temperature fileout tempfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name temperature +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname stage keyword +description keyword to specify that record corresponds to temperature. + +block options +name tempfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write temperature information. + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'LKE'} + + +# --------------------- gwe lke packagedata --------------------- + +block packagedata +name packagedata +type recarray lakeno strt ktf rbthcnd aux boundname +shape (maxbound) +reader urword +longname +description + +block packagedata +name lakeno +type integer +shape +tagged false +in_record true +reader urword +longname lake number for this entry +description integer value that defines the lake number associated with the specified PACKAGEDATA data on the line. LAKENO must be greater than zero and less than or equal to NLAKES. Lake information must be specified for every lake or the program will terminate with an error. The program will also terminate with an error if information for a lake is specified more than once. +numeric_index true + +block packagedata +name strt +type double precision +shape +tagged false +in_record true +reader urword +longname starting lake temperature +description real value that defines the starting temperature for the lake. + +block packagedata +name ktf +type double precision +shape +tagged false +in_record true +reader urword +longname boundary thermal conductivity +description is the thermal conductivity of the of the interface between the aquifer cell and the lake. + +block packagedata +name rbthcnd +type double precision +shape +tagged false +in_record true +reader urword +longname streambed thickness +description real value that defines the thickness of the lakebed material through which conduction occurs. Must be greater than 0. + +block packagedata +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +time_series true +optional true +longname auxiliary variables +description REPLACE aux {'{#1}': 'lake'} + +block packagedata +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname lake name +description REPLACE boundname {'{#1}': 'lake'} + + +# --------------------- gwe lke period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name lakeperioddata +type recarray lakeno laksetting +shape +reader urword +longname +description + +block period +name lakeno +type integer +shape +tagged false +in_record true +reader urword +longname lake number for this entry +description integer value that defines the lake number associated with the specified PERIOD data on the line. LAKENO must be greater than zero and less than or equal to NLAKES. +numeric_index true + +block period +name laksetting +type keystring status temperature rainfall evaporation runoff ext-inflow auxiliaryrecord +shape +tagged false +in_record true +reader urword +longname +description line of information that is parsed into a keyword and values. Keyword values that can be used to start the LAKSETTING string include: STATUS, TEMPERATURE, RAINFALL, EVAPORATION, RUNOFF, and AUXILIARY. These settings are used to assign the temperature associated with the corresponding flow terms. Temperatures cannot be specified for all flow terms. For example, the Lake Package supports a ``WITHDRAWAL'' flow term. If this withdrawal term is active, then water will be withdrawn from the lake at the calculated temperature of the lake. + +block period +name status +type string +shape +tagged true +in_record true +reader urword +longname lake temperature status +description keyword option to define lake status. STATUS can be ACTIVE, INACTIVE, or CONSTANT. By default, STATUS is ACTIVE, which means that temperature will be calculated for the lake. If a lake is inactive, then there will be no solute mass fluxes into or out of the lake and the inactive value will be written for the lake temperature. If a lake is constant, then the temperature for the lake will be fixed at the user specified value. + +block period +name temperature +type string +shape +tagged true +in_record true +time_series true +reader urword +longname lake temperature +description real or character value that defines the temperature for the lake. The specified TEMPERATURE is only applied if the lake is a constant temperature lake. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name rainfall +type string +shape +tagged true +in_record true +reader urword +time_series true +longname rainfall temperature +description real or character value that defines the rainfall temperature for the lake. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name evaporation +type string +shape +tagged true +in_record true +reader urword +time_series true +longname evaporation temperature +description real or character value that defines the temperature of evaporated water $(^{\circ}C)$ for the reach. If this temperature value is larger than the simulated temperature in the reach, then the evaporated water will be removed at the same temperature as the reach. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + + +block period +name runoff +type string +shape +tagged true +in_record true +reader urword +time_series true +longname runoff temperature +description real or character value that defines the temperature of runoff for the lake. Value must be greater than or equal to zero. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name ext-inflow +type string +shape +tagged true +in_record true +reader urword +time_series true +longname ext-inflow temperature +description real or character value that defines the temperature of external inflow for the lake. Value must be greater than or equal to zero. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name auxiliaryrecord +type record auxiliary auxname auxval +shape +tagged +in_record true +reader urword +longname +description + +block period +name auxiliary +type keyword +shape +in_record true +reader urword +longname +description keyword for specifying auxiliary variable. + +block period +name auxname +type string +shape +tagged false +in_record true +reader urword +longname +description name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored. + +block period +name auxval +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname auxiliary variable value +description value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. diff --git a/spec/dfn/gwe-mve.dfn b/spec/dfn/gwe-mve.dfn new file mode 100644 index 0000000..e67e76b --- /dev/null +++ b/spec/dfn/gwe-mve.dfn @@ -0,0 +1,106 @@ +# --------------------- gwe mve options --------------------- +# flopy subpackage mve_filerecord mve perioddata perioddata +# flopy parent_name_type parent_model_or_package MFModel/MFPackage + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'mover'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'lake'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save lake flows to budget file +description REPLACE save_flows {'{#1}': 'lake'} + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + + diff --git a/spec/dfn/gwe-mwe.dfn b/spec/dfn/gwe-mwe.dfn new file mode 100644 index 0000000..c805b65 --- /dev/null +++ b/spec/dfn/gwe-mwe.dfn @@ -0,0 +1,447 @@ +# --------------------- gwe mwe options --------------------- +# flopy multi-package + +block options +name flow_package_name +type string +shape +reader urword +optional true +longname keyword to specify name of corresponding flow package +description keyword to specify the name of the corresponding flow package. If not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the GWE name file). + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Energy Transport'} + +block options +name flow_package_auxiliary_name +type string +shape +reader urword +optional true +longname keyword to specify name of temperature auxiliary variable in flow package +description keyword to specify the name of an auxiliary variable in the corresponding flow package. If specified, then the simulated temperatures from this advanced transport package will be copied into the auxiliary variable specified with this name. Note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. If the flows for this advanced transport package are read from a file, then this option will have no effect. + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'well'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'well'} + +block options +name print_temperature +type keyword +reader urword +optional true +longname print calculated temperatures to listing file +description REPLACE print_temperature {'{#1}': 'well', '{#2}': 'temperature', '{#3}': 'TEMPERATURE'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'well'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save well flows to budget file +description REPLACE save_flows {'{#1}': 'well'} + +block options +name temperature_filerecord +type record temperature fileout tempfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name temperature +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname stage keyword +description keyword to specify that record corresponds to temperature. + +block options +name tempfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write temperature information. + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'MWE'} + + +# --------------------- gwe mwe packagedata --------------------- + +block packagedata +name packagedata +type recarray mawno strt ktf fthk aux boundname +shape (maxbound) +reader urword +longname +description + +block packagedata +name mawno +type integer +shape +tagged false +in_record true +reader urword +longname well number for this entry +description integer value that defines the well number associated with the specified PACKAGEDATA data on the line. MAWNO must be greater than zero and less than or equal to NMAWWELLS. Well information must be specified for every well or the program will terminate with an error. The program will also terminate with an error if information for a well is specified more than once. +numeric_index true + +block packagedata +name strt +type double precision +shape +tagged false +in_record true +reader urword +longname starting well temperature +description real value that defines the starting temperature for the well. + +block packagedata +name ktf +type double precision +shape +tagged false +in_record true +reader urword +longname thermal conductivity of the feature +description is the thermal conductivity of the of the interface between the aquifer cell and the feature. + +block packagedata +name fthk +type double precision +shape +tagged false +in_record true +reader urword +longname thickness of the well feature +description real value that defines the thickness of the material through which conduction occurs. Must be greater than 0. + +block packagedata +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +time_series true +optional true +longname auxiliary variables +description REPLACE aux {'{#1}': 'well'} + +block packagedata +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname well name +description REPLACE boundname {'{#1}': 'well'} + + +# --------------------- gwe mwe period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name mweperioddata +type recarray mawno mwesetting +shape +reader urword +longname +description + +block period +name mawno +type integer +shape +tagged false +in_record true +reader urword +longname well number for this entry +description integer value that defines the well number associated with the specified PERIOD data on the line. MAWNO must be greater than zero and less than or equal to NMAWWELLS. +numeric_index true + +block period +name mwesetting +type keystring status temperature rate auxiliaryrecord +shape +tagged false +in_record true +reader urword +longname +description line of information that is parsed into a keyword and values. Keyword values that can be used to start the MWESETTING string include: STATUS, TEMPERATURE, RAINFALL, EVAPORATION, RUNOFF, and AUXILIARY. These settings are used to assign the temperature of associated with the corresponding flow terms. Temperatures cannot be specified for all flow terms. For example, the Multi-Aquifer Well Package supports a ``WITHDRAWAL'' flow term. If this withdrawal term is active, then water will be withdrawn from the well at the calculated temperature of the well. + +block period +name status +type string +shape +tagged true +in_record true +reader urword +longname well temperature status +description keyword option to define well status. STATUS can be ACTIVE, INACTIVE, or CONSTANT. By default, STATUS is ACTIVE, which means that temperature will be calculated for the well. If a well is inactive, then there will be no solute mass fluxes into or out of the well and the inactive value will be written for the well temperature. If a well is constant, then the temperature for the well will be fixed at the user specified value. + +block period +name temperature +type string +shape +tagged true +in_record true +time_series true +reader urword +longname well temperature +description real or character value that defines the temperature for the well. The specified TEMPERATURE is only applied if the well is a constant temperature well. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name rate +type string +shape +tagged true +in_record true +reader urword +time_series true +longname well injection temperature +description real or character value that defines the injection solute temperature $^{\circ}C$ for the well. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name auxiliaryrecord +type record auxiliary auxname auxval +shape +tagged +in_record true +reader urword +longname +description + +block period +name auxiliary +type keyword +shape +in_record true +reader urword +longname +description keyword for specifying auxiliary variable. + +block period +name auxname +type string +shape +tagged false +in_record true +reader urword +longname +description name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored. + +block period +name auxval +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname auxiliary variable value +description value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. diff --git a/spec/dfn/gwe-nam.dfn b/spec/dfn/gwe-nam.dfn new file mode 100644 index 0000000..c44c4fc --- /dev/null +++ b/spec/dfn/gwe-nam.dfn @@ -0,0 +1,124 @@ +# --------------------- gwe nam options --------------------- + +block options +name list +type string +reader urword +optional true +preserve_case true +longname name of listing file +description is name of the listing file to create for this GWE model. If not specified, then the name of the list file will be the basename of the GWE model name file and the ``.lst'' extension. For example, if the GWE name file is called ``my.model.nam'' then the list file will be called ``my.model.lst''. + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'all model stress package'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'all model package'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save flows for all packages to budget file +description REPLACE save_flows {'{#1}': 'all model package'} + +block options +name export_netcdf +type string +reader urword +optional true +mf6internal export_netcdf +longname export model output netcdf file. +description keyword that specifies timeseries data for the dependent variable should be written to a model output netcdf file. No value or ``UGRID'' (ugrid based export) values are supported. + +block options +name nc_filerecord +type record netcdf filein netcdf_filename +reader urword +tagged true +optional true +longname +description netcdf config filerecord + +block options +name netcdf +type keyword +in_record true +reader urword +tagged true +optional false +longname netcdf keyword +description keyword to specify that record corresponds to a netcdf input file. + +block options +name filein +type keyword +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name netcdf_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname netcdf input filename +description defines a netcdf input file. +mf6internal netcdf_fname + +# --------------------- gwe nam packages --------------------- + +block packages +name packages +type recarray ftype fname pname +reader urword +optional false +longname package list +description + +block packages +name ftype +in_record true +type string +tagged false +reader urword +longname package type +description is the file type, which must be one of the following character values shown in table~\ref{table:ftype-gwe}. Ftype may be entered in any combination of uppercase and lowercase. + +block packages +name fname +in_record true +type string +preserve_case true +tagged false +reader urword +longname file name +description is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run. + +block packages +name pname +in_record true +type string +tagged false +reader urword +optional true +longname user name for package +description is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single GWE Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters. + diff --git a/spec/dfn/gwe-oc.dfn b/spec/dfn/gwe-oc.dfn new file mode 100644 index 0000000..74020a3 --- /dev/null +++ b/spec/dfn/gwe-oc.dfn @@ -0,0 +1,313 @@ +# --------------------- gwe oc options --------------------- + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name temperature_filerecord +type record temperature fileout temperaturefile +shape +reader urword +tagged true +optional true +longname +description + +block options +name temperature +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname temperature keyword +description keyword to specify that record corresponds to temperature. + +block options +name temperaturefile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write temperature information. + +block options +name temperatureprintrecord +type record temperature print_format formatrecord +shape +reader urword +optional true +longname +description + +block options +name print_format +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to indicate that a print format follows +description keyword to specify format for printing to the listing file. + +block options +name formatrecord +type record columns width digits format +shape +in_record true +reader urword +tagged +optional false +longname +description + +block options +name columns +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of columns +description number of columns for writing data. + +block options +name width +type integer +shape +in_record true +reader urword +tagged true +optional +longname width for each number +description width for writing each number. + +block options +name digits +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of digits +description number of digits to use for writing a number. + +block options +name format +type string +shape +in_record true +reader urword +tagged false +optional false +longname write format +description write format can be EXPONENTIAL, FIXED, GENERAL, or SCIENTIFIC. + + +# --------------------- gwe oc period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name saverecord +type record save rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name save +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be saved this stress period. + +block period +name printrecord +type record print rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name print +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be printed this stress period. + +block period +name rtype +type string +shape +in_record true +reader urword +tagged false +optional false +longname record type +description type of information to save or print. Can be BUDGET or TEMPERATURE. + +block period +name ocsetting +type keystring all first last frequency steps +shape +tagged false +in_record true +reader urword +longname +description specifies the steps for which the data will be saved. + +block period +name all +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for all time steps in period. + +block period +name first +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for first step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name last +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for last step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name frequency +type integer +shape +tagged true +in_record true +reader urword +longname +description save at the specified time step frequency. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name steps +type integer +shape ($ 0). HEAD\_LIMIT can be deactivated by specifying the text string `OFF'. The HEAD\_LIMIT option is based on the HEAD\_LIMIT functionality available in the MNW2~\citep{konikow2009} package for MODFLOW-2005. The HEAD\_LIMIT option has been included to facilitate backward compatibility with previous versions of MODFLOW but use of the RATE\_SCALING option instead of the HEAD\_LIMIT option is recommended. By default, HEAD\_LIMIT is `OFF'. + +block period +name shutoffrecord +type record shut_off minrate maxrate +shape +tagged +in_record true +reader urword +longname +description + +block period +name shut_off +type keyword +shape +in_record true +reader urword +longname shut off well +description keyword for activating well shut off capability. Subsequent values define the minimum and maximum pumping rate that a well must exceed to shutoff or reactivate a well, respectively, during a stress period. SHUT\_OFF is only applied to injection wells (RATE$<0$) and if HEAD\_LIMIT is specified (not set to `OFF'). If HEAD\_LIMIT is specified, SHUT\_OFF can be deactivated by specifying a minimum value equal to zero. The SHUT\_OFF option is based on the SHUT\_OFF functionality available in the MNW2~\citep{konikow2009} package for MODFLOW-2005. The SHUT\_OFF option has been included to facilitate backward compatibility with previous versions of MODFLOW but use of the RATE\_SCALING option instead of the SHUT\_OFF option is recommended. By default, SHUT\_OFF is not used. + +block period +name minrate +type double precision +shape +tagged false +in_record true +reader urword +longname minimum shutoff rate +description is the minimum rate that a well must exceed to shutoff a well during a stress period. The well will shut down during a time step if the flow rate to the well from the aquifer is less than MINRATE. If a well is shut down during a time step, reactivation of the well cannot occur until the next time step to reduce oscillations. MINRATE must be less than maxrate. + +block period +name maxrate +type double precision +shape +tagged false +in_record true +reader urword +longname maximum shutoff rate +description is the maximum rate that a well must exceed to reactivate a well during a stress period. The well will reactivate during a timestep if the well was shutdown during the previous time step and the flow rate to the well from the aquifer exceeds maxrate. Reactivation of the well cannot occur until the next time step if a well is shutdown to reduce oscillations. maxrate must be greater than MINRATE. + +block period +name rate_scalingrecord +type record rate_scaling pump_elevation scaling_length +shape +tagged +in_record true +reader urword +longname +description + +block period +name rate_scaling +type keyword +shape +in_record true +reader urword +longname rate scaling +description activate rate scaling. If RATE\_SCALING is specified, both PUMP\_ELEVATION and SCALING\_LENGTH must be specified. RATE\_SCALING cannot be used with HEAD\_LIMIT. RATE\_SCALING can be used for extraction or injection wells. For extraction wells, the extraction rate will start to decrease once the head in the well lowers to a level equal to the pump elevation plus the scaling length. If the head in the well drops below the pump elevation, then the extraction rate is calculated to be zero. For an injection well, the injection rate will begin to decrease once the head in the well rises above the specified pump elevation. If the head in the well rises above the pump elevation plus the scaling length, then the injection rate will be set to zero. + +block period +name pump_elevation +type double precision +shape +tagged false +in_record true +reader urword +longname pump elevation +description is the elevation of the multi-aquifer well pump (PUMP\_ELEVATION). PUMP\_ELEVATION should not be less than the bottom elevation (BOTTOM) of the multi-aquifer well. + +block period +name scaling_length +type double precision +shape +tagged false +in_record true +reader urword +longname +description height above the pump elevation (SCALING\_LENGTH). If the simulated well head is below this elevation (pump elevation plus the scaling length), then the pumping rate is reduced. + +block period +name auxiliaryrecord +type record auxiliary auxname auxval +shape +tagged +in_record true +reader urword +longname +description + +block period +name auxiliary +type keyword +shape +in_record true +reader urword +longname +description keyword for specifying auxiliary variable. + +block period +name auxname +type string +shape +tagged false +in_record true +reader urword +longname +description name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored. + +block period +name auxval +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname auxiliary variable value +description value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. diff --git a/spec/dfn/gwf-mvr.dfn b/spec/dfn/gwf-mvr.dfn new file mode 100644 index 0000000..a30a29b --- /dev/null +++ b/spec/dfn/gwf-mvr.dfn @@ -0,0 +1,265 @@ +# --------------------- gwf mvr options --------------------- +# flopy subpackage mvr_filerecord mvr perioddata perioddata +# flopy parent_name_type parent_model_or_package MFModel/MFPackage + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'MVR'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'MVR'} + +block options +name modelnames +type keyword +reader urword +optional true +longname precede all package names with model names +description keyword to indicate that all package names will be preceded by the model name for the package. Model names are required when the Mover Package is used with a GWF-GWF Exchange. The MODELNAME keyword should not be used for a Mover Package that is for a single GWF Model. + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +# --------------------- gwf mvr dimensions --------------------- + +block dimensions +name maxmvr +type integer +reader urword +optional false +longname maximum number of movers +description integer value specifying the maximum number of water mover entries that will specified for any stress period. + +block dimensions +name maxpackages +type integer +reader urword +optional false +longname number of packages to be used with the mover +description integer value specifying the number of unique packages that are included in this water mover input file. + + +# --------------------- gwf mvr packages --------------------- + +block packages +name packages +type recarray mname pname +reader urword +shape (npackages) +optional false +longname +description + +block packages +name mname +type string +reader urword +shape +tagged false +in_record true +optional true +longname +description name of model containing the package. Model names are assigned by the user in the simulation name file. + +block packages +name pname +type string +reader urword +shape +tagged false +in_record true +optional false +longname +description is the name of a package that may be included in a subsequent stress period block. The package name is assigned in the name file for the GWF Model. Package names are optionally provided in the name file. If they are not provided by the user, then packages are assigned a default value, which is the package acronym followed by a hyphen and the package number. For example, the first Drain Package is named DRN-1. The second Drain Package is named DRN-2, and so forth. + + +# --------------------- gwf mvr period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name perioddata +type recarray mname1 pname1 id1 mname2 pname2 id2 mvrtype value +shape (maxbound) +reader urword +longname +description + +block period +name mname1 +type string +reader urword +shape +tagged false +in_record true +optional true +longname +description name of model containing the package, PNAME1. + +block period +name pname1 +type string +shape +tagged false +in_record true +reader urword +longname provider package name +description is the package name for the provider. The package PNAME1 must be designated to provide water through the MVR Package by specifying the keyword ``MOVER'' in its OPTIONS block. + +block period +name id1 +type integer +shape +tagged false +in_record true +reader urword +longname provider reach +description is the identifier for the provider. For the standard boundary packages, the provider identifier is the number of the boundary as it is listed in the package input file. (Note that the order of these boundaries may change by stress period, which must be accounted for in the Mover Package.) So the first well has an identifier of one. The second is two, and so forth. For the advanced packages, the identifier is the reach number (SFR Package), well number (MAW Package), or UZF cell number. For the Lake Package, ID1 is the lake outlet number. Thus, outflows from a single lake can be routed to different streams, for example. +numeric_index true + +block period +name mname2 +type string +reader urword +shape +tagged false +in_record true +optional true +longname +description name of model containing the package, PNAME2. + +block period +name pname2 +type string +shape +tagged false +in_record true +reader urword +longname receiver package name +description is the package name for the receiver. The package PNAME2 must be designated to receive water from the MVR Package by specifying the keyword ``MOVER'' in its OPTIONS block. + +block period +name id2 +type integer +shape +tagged false +in_record true +reader urword +longname receiver reach +description is the identifier for the receiver. The receiver identifier is the reach number (SFR Package), Lake number (LAK Package), well number (MAW Package), or UZF cell number. +numeric_index true + +block period +name mvrtype +type string +shape +tagged false +in_record true +reader urword +longname mover type +description is the character string signifying the method for determining how much water will be moved. Supported values are ``FACTOR'' ``EXCESS'' ``THRESHOLD'' and ``UPTO''. These four options determine how the receiver flow rate, $Q_R$, is calculated. These options mirror the options defined for the cprior variable in the SFR package, with the term ``FACTOR'' being functionally equivalent to the ``FRACTION'' option for cprior. + +block period +name value +type double precision +shape +tagged false +in_record true +reader urword +longname mover value +description is the value to be used in the equation for calculating the amount of water to move. For the ``FACTOR'' option, VALUE is the $\alpha$ factor. For the remaining options, VALUE is the specified flow rate, $Q_S$. + diff --git a/spec/dfn/gwf-oc.dfn b/spec/dfn/gwf-oc.dfn new file mode 100644 index 0000000..29b6ae1 --- /dev/null +++ b/spec/dfn/gwf-oc.dfn @@ -0,0 +1,313 @@ +# --------------------- gwf oc options --------------------- + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name head_filerecord +type record head fileout headfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name head +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to head. + +block options +name headfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write head information. + +block options +name headprintrecord +type record head print_format formatrecord +shape +reader urword +optional true +longname +description + +block options +name print_format +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to indicate that a print format follows +description keyword to specify format for printing to the listing file. + +block options +name formatrecord +type record columns width digits format +shape +in_record true +reader urword +tagged +optional false +longname +description + +block options +name columns +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of columns +description number of columns for writing data. + +block options +name width +type integer +shape +in_record true +reader urword +tagged true +optional +longname width for each number +description width for writing each number. + +block options +name digits +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of digits +description number of digits to use for writing a number. + +block options +name format +type string +shape +in_record true +reader urword +tagged false +optional false +longname write format +description write format can be EXPONENTIAL, FIXED, GENERAL, or SCIENTIFIC. + + +# --------------------- gwf oc period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name saverecord +type record save rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name save +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be saved this stress period. + +block period +name printrecord +type record print rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name print +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be printed this stress period. + +block period +name rtype +type string +shape +in_record true +reader urword +tagged false +optional false +longname record type +description type of information to save or print. Can be BUDGET or HEAD. + +block period +name ocsetting +type keystring all first last frequency steps +shape +tagged false +in_record true +reader urword +longname +description specifies the steps for which the data will be saved. + +block period +name all +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for all time steps in period. + +block period +name first +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for first step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name last +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for last step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name frequency +type integer +shape +tagged true +in_record true +reader urword +longname +description save at the specified time step frequency. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name steps +type integer +shape (0) when the cell is under confined conditions (head greater than or equal to the top of the cell). This option has no effect on cells that are marked as being always confined (ICONVERT=0). This option is identical to the approach used to calculate storage changes under confined conditions in MODFLOW-2005. + +block options +name tvs_filerecord +type record tvs6 filein tvs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name tvs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname tvs keyword +description keyword to specify that record corresponds to a time-varying storage (TVS) file. The behavior of TVS and a description of the input file is provided separately. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name tvs6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of TVS information +description defines a time-varying storage (TVS) input file. Records in the TVS file can be used to change specific storage and specific yield properties at specified times or stress periods. + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input grid arrays, which already support the layered keyword, should be written to layered ascii output files. + +block options +name export_array_netcdf +type keyword +reader urword +optional true +mf6internal export_nc +longname export array variables to netcdf output files. +description keyword that specifies input griddata arrays should be written to the model output netcdf file. + +# dev options +block options +name dev_original_specific_storage +type keyword +reader urword +optional true +longname development option for original specific storage +description flag indicating the original storage specific storage formulation should be used +mf6internal iorig_ss + +block options +name dev_oldstorageformulation +type keyword +reader urword +optional true +longname development option flag for old storage formulation +description development option flag for old storage formulation +mf6internal iconf_ss + +# --------------------- gwf sto griddata --------------------- + +block griddata +name iconvert +type integer +shape (nodes) +valid +reader readarray +layered true +optional false +longname convertible indicator +description is a flag for each cell that specifies whether or not a cell is convertible for the storage calculation. 0 indicates confined storage is used. $>$0 indicates confined storage is used when head is above cell top and a mixed formulation of unconfined and confined storage is used when head is below cell top. +default_value 0 + +block griddata +name ss +type double precision +shape (nodes) +valid +reader readarray +layered true +optional false +longname specific storage +description is specific storage (or the storage coefficient if STORAGECOEFFICIENT is specified as an option). Specific storage values must be greater than or equal to 0. If the CSUB Package is included in the GWF model, specific storage must be zero for every cell. +default_value 1.e-5 + +block griddata +name sy +type double precision +shape (nodes) +valid +reader readarray +layered true +optional false +longname specific yield +description is specific yield. Specific yield values must be greater than or equal to 0. Specific yield does not have to be specified if there are no convertible cells (ICONVERT=0 in every cell). +default_value 0.15 + + +# --------------------- gwf sto period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name steady-state +type keyword +shape +valid +reader urword +optional true +longname steady state indicator +description keyword to indicate that stress period IPER is steady-state. Steady-state conditions will apply until the TRANSIENT keyword is specified in a subsequent BEGIN PERIOD block. If the CSUB Package is included in the GWF model, only the first and last stress period can be steady-state. +mf6internal steady_state + +block period +name transient +type keyword +shape +valid +reader urword +optional true +longname transient indicator +description keyword to indicate that stress period IPER is transient. Transient conditions will apply until the STEADY-STATE keyword is specified in a subsequent BEGIN PERIOD block. diff --git a/spec/dfn/gwf-uzf.dfn b/spec/dfn/gwf-uzf.dfn new file mode 100644 index 0000000..1cc76d5 --- /dev/null +++ b/spec/dfn/gwf-uzf.dfn @@ -0,0 +1,611 @@ +# --------------------- gwf uzf options --------------------- +# flopy multi-package +# package-type advanced-stress-package + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Flow'} + +block options +name auxmultname +type string +shape +reader urword +optional true +longname name of auxiliary variable for multiplier +description REPLACE auxmultname {'{#1}': 'GWF cell area used by UZF cell'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'UZF'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'UZF'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'UZF'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save well flows to budget file +description REPLACE save_flows {'{#1}': 'UZF'} + +block options +name wc_filerecord +type record water_content fileout wcfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name water_content +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname water_content keyword +description keyword to specify that record corresponds to unsaturated zone water contents. + +block options +name wcfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write water content information. + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +preserve_case true +type string +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name package_convergence_filerecord +type record package_convergence fileout package_convergence_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name package_convergence +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname package_convergence keyword +description keyword to specify that record corresponds to the package convergence comma spaced values file. + +block options +name package_convergence_filename +type string +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma spaced values output file to write package convergence information. + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'UZF'} + +block options +name mover +type keyword +tagged true +reader urword +optional true +longname +description REPLACE mover {'{#1}': 'UZF'} + +block options +name simulate_et +type keyword +tagged true +reader urword +optional true +longname +description keyword specifying that ET in the unsaturated (UZF) and saturated zones (GWF) will be simulated. ET can be simulated in the UZF cell and not the GWF cell by omitting keywords LINEAR\_GWET and SQUARE\_GWET. + +block options +name linear_gwet +type keyword +tagged true +reader urword +optional true +longname use linear evapotranspiration +description keyword specifying that groundwater ET will be simulated using the original ET formulation of MODFLOW-2005. + +block options +name square_gwet +type keyword +tagged true +reader urword +optional true +longname use square evapotranspiration +description keyword specifying that groundwater ET will be simulated by assuming a constant ET rate for groundwater levels between land surface (TOP) and land surface minus the ET extinction depth (TOP-EXTDP). Groundwater ET is smoothly reduced from the PET rate to zero over a nominal interval at TOP-EXTDP. + +block options +name simulate_gwseep +type keyword +tagged true +reader urword +optional true +deprecated 6.5.0 +longname activate seepage +description keyword specifying that groundwater discharge (GWSEEP) to land surface will be simulated. Groundwater discharge is nonzero when groundwater head is greater than land surface. This option is no longer recommended; a better approach is to use the Drain Package with discharge scaling as a way to handle seepage to land surface. The Drain Package with discharge scaling is described in Chapter 3 of the Supplemental Technical Information. + +block options +name unsat_etwc +type keyword +tagged true +reader urword +optional true +longname use PET for theta greater than extwc +description keyword specifying that ET in the unsaturated zone will be simulated as a function of the specified PET rate while the water content (THETA) is greater than the ET extinction water content (EXTWC). + +block options +name unsat_etae +type keyword +tagged true +reader urword +optional true +longname use root potential +description keyword specifying that ET in the unsaturated zone will be simulated using a capillary pressure based formulation. Capillary pressure is calculated using the Brooks-Corey retention function. + + +# --------------------- gwf uzf dimensions --------------------- + +block dimensions +name nuzfcells +type integer +reader urword +optional false +longname number of UZF cells +description is the number of UZF cells. More than one UZF cell can be assigned to a GWF cell; however, only one GWF cell can be assigned to a single UZF cell. If more than one UZF cell is assigned to a GWF cell, then an auxiliary variable should be used to reduce the surface area of the UZF cell with the AUXMULTNAME option. + +block dimensions +name ntrailwaves +type integer +reader urword +optional false +longname number of trailing waves +description is the number of trailing waves. A recommended value of 7 can be used for NTRAILWAVES. This value can be increased to lower mass balance error in the unsaturated zone. +default_value 7 + +block dimensions +name nwavesets +type integer +reader urword +optional false +longname number of wave sets +description is the number of wave sets. A recommended value of 40 can be used for NWAVESETS. This value can be increased if more waves are required to resolve variations in water content within the unsaturated zone. +default_value 40 + +# --------------------- gwf uzf packagedata --------------------- + +block packagedata +name packagedata +type recarray ifno cellid landflag ivertcon surfdep vks thtr thts thti eps boundname +shape (nuzfcells) +reader urword +longname +description + +block packagedata +name ifno +type integer +shape +tagged false +in_record true +reader urword +longname uzf id number for this entry +description integer value that defines the feature (UZF object) number associated with the specified PACKAGEDATA data on the line. IFNO must be greater than zero and less than or equal to NUZFCELLS. UZF information must be specified for every UZF cell or the program will terminate with an error. The program will also terminate with an error if information for a UZF cell is specified more than once. +numeric_index true + +block packagedata +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block packagedata +name landflag +type integer +shape +tagged false +in_record true +reader urword +longname land flag +description integer value set to one for land surface cells indicating that boundary conditions can be applied and data can be specified in the PERIOD block. A value of 0 specifies a non-land surface cell. + +block packagedata +name ivertcon +type integer +shape +tagged false +in_record true +reader urword +longname vertical connection flag +description integer value set to specify underlying UZF cell that receives water flowing to bottom of cell. If unsaturated zone flow reaches the water table before the cell bottom, then water is added to the GWF cell instead of flowing to the underlying UZF cell. A value of 0 indicates the UZF cell is not connected to an underlying UZF cell. +numeric_index true + +block packagedata +name surfdep +type double precision +shape +tagged false +in_record true +reader urword +longname surface depression depth +description is the surface depression depth of the UZF cell. + +block packagedata +name vks +type double precision +shape +tagged false +in_record true +reader urword +longname vertical saturated hydraulic conductivity +description is the saturated vertical hydraulic conductivity of the UZF cell. This value is used with the Brooks-Corey function and the simulated water content to calculate the partially saturated hydraulic conductivity. + +block packagedata +name thtr +type double precision +shape +tagged false +in_record true +reader urword +longname residual water content +description is the residual (irreducible) water content of the UZF cell. This residual water is not available to plants and will not drain into underlying aquifer cells. + +block packagedata +name thts +type double precision +shape +tagged false +in_record true +reader urword +longname saturated water content +description is the saturated water content of the UZF cell. The values for saturated and residual water content should be set in a manner that is consistent with the specific yield value specified in the Storage Package. The saturated water content must be greater than the residual content. + +block packagedata +name thti +type double precision +shape +tagged false +in_record true +reader urword +longname initial water content +description is the initial water content of the UZF cell. The value must be greater than or equal to the residual water content and less than or equal to the saturated water content. + +block packagedata +name eps +type double precision +shape +tagged false +in_record true +reader urword +longname Brooks-Corey exponent +description is the exponent used in the Brooks-Corey function. The Brooks-Corey function is used by UZF to calculated hydraulic conductivity under partially saturated conditions as a function of water content and the user-specified saturated hydraulic conductivity. + +block packagedata +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname well name +description REPLACE boundname {'{#1}': 'UZF cell'} + + +# --------------------- gwf uzf period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name perioddata +type recarray ifno finf pet extdp extwc ha hroot rootact aux +shape +reader urword +longname +description + +block period +name ifno +type integer +shape +tagged false +in_record true +reader urword +longname UZF id number +description integer value that defines the feature (UZF object) number associated with the specified PERIOD data on the line. +numeric_index true + +block period +name finf +type string +shape +tagged false +in_record true +time_series true +reader urword +longname infiltration rate +description real or character value that defines the applied infiltration rate of the UZF cell ($LT^{-1}$). If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name pet +type string +shape +tagged false +in_record true +reader urword +time_series true +longname potential ET rate +description real or character value that defines the potential evapotranspiration rate of the UZF cell and specified GWF cell. Evapotranspiration is first removed from the unsaturated zone and any remaining potential evapotranspiration is applied to the saturated zone. If IVERTCON is greater than zero then residual potential evapotranspiration not satisfied in the UZF cell is applied to the underlying UZF and GWF cells. PET is always specified, but is only used if SIMULATE\_ET is specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name extdp +type string +shape +tagged false +in_record true +reader urword +time_series true +longname extinction depth +description real or character value that defines the evapotranspiration extinction depth of the UZF cell. If IVERTCON is greater than zero and EXTDP extends below the GWF cell bottom then remaining potential evapotranspiration is applied to the underlying UZF and GWF cells. EXTDP is always specified, but is only used if SIMULATE\_ET is specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name extwc +type string +shape +tagged false +in_record true +reader urword +time_series true +longname extinction water content +description real or character value that defines the evapotranspiration extinction water content of the UZF cell. EXTWC is always specified, but is only used if SIMULATE\_ET and UNSAT\_ETWC are specified in the OPTIONS block. The evapotranspiration rate from the unsaturated zone will be set to zero when the calculated water content is at or less than this value. The value for EXTWC cannot be less than the residual water content, and if it is specified as being less than the residual water content it is set to the residual water content. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name ha +type string +shape +tagged false +in_record true +time_series true +reader urword +longname air entry potential +description real or character value that defines the air entry potential (head) of the UZF cell. HA is always specified, but is only used if SIMULATE\_ET and UNSAT\_ETAE are specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name hroot +type string +shape +tagged false +in_record true +reader urword +time_series true +longname root potential +description real or character value that defines the root potential (head) of the UZF cell. HROOT is always specified, but is only used if SIMULATE\_ET and UNSAT\_ETAE are specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name rootact +type string +shape +tagged false +in_record true +reader urword +time_series true +longname root activity function +description real or character value that defines the root activity function of the UZF cell. ROOTACT is the length of roots in a given volume of soil divided by that volume. Values range from 0 to about 3 $cm^{-2}$, depending on the plant community and its stage of development. ROOTACT is always specified, but is only used if SIMULATE\_ET and UNSAT\_ETAE are specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +time_series true +optional true +longname auxiliary variables +description REPLACE aux {'{#1}': 'UZF'} diff --git a/spec/dfn/gwf-vsc.dfn b/spec/dfn/gwf-vsc.dfn new file mode 100644 index 0000000..0a6e74b --- /dev/null +++ b/spec/dfn/gwf-vsc.dfn @@ -0,0 +1,174 @@ +# --------------------- gwf vsc options --------------------- + +block options +name viscref +type double precision +reader urword +optional true +longname reference viscosity +description fluid reference viscosity used in the equation of state. This value is set to 1.0 if not specified as an option. +default_value 1.0 + +block options +name temperature_species_name +type string +shape +reader urword +optional true +longname auxspeciesname that corresponds to temperature +description string used to identify the auxspeciesname in PACKAGEDATA that corresponds to the temperature species. There can be only one occurrence of this temperature species name in the PACKAGEDATA block or the program will terminate with an error. This value has no effect if viscosity does not depend on temperature. + +block options +name thermal_formulation +type string +shape +reader urword +optional true +valid linear nonlinear +longname keyword to specify viscosity formulation for the temperature species +description may be used for specifying which viscosity formulation to use for the temperature species. Can be either LINEAR or NONLINEAR. The LINEAR viscosity formulation is the default. + +block options +name thermal_a2 +type double precision +reader urword +optional true +longname coefficient used in nonlinear viscosity function +description is an empirical parameter specified by the user for calculating viscosity using a nonlinear formulation. If A2 is not specified, a default value of 10.0 is assigned (Voss, 1984). +default_value 10. + +block options +name thermal_a3 +type double precision +reader urword +optional true +longname coefficient used in nonlinear viscosity function +description is an empirical parameter specified by the user for calculating viscosity using a nonlinear formulation. If A3 is not specified, a default value of 248.37 is assigned (Voss, 1984). +default_value 248.37 + +block options +name thermal_a4 +type double precision +reader urword +optional true +longname coefficient used in nonlinear viscosity function +description is an empirical parameter specified by the user for calculating viscosity using a nonlinear formulation. If A4 is not specified, a default value of 133.15 is assigned (Voss, 1984). +default_value 133.15 + +block options +name viscosity_filerecord +type record viscosity fileout viscosityfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name viscosity +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname viscosity keyword +description keyword to specify that record corresponds to viscosity. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name viscosityfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write viscosity information. The viscosity file has the same format as the head file. Viscosity values will be written to the viscosity file whenever heads are written to the binary head file. The settings for controlling head output are contained in the Output Control option. + + +# --------------------- gwf vsc dimensions --------------------- + +block dimensions +name nviscspecies +type integer +reader urword +optional false +longname number of species used in viscosity equation of state +description number of species used in the viscosity equation of state. If either concentrations or temperature (or both) are used to update viscosity then then nrhospecies needs to be at least one. + + +# --------------------- gwf vsc packagedata --------------------- + +block packagedata +name packagedata +type recarray iviscspec dviscdc cviscref modelname auxspeciesname +shape (nrhospecies) +reader urword +longname +description + +block packagedata +name iviscspec +type integer +shape +tagged false +in_record true +reader urword +longname species number for this entry +description integer value that defines the species number associated with the specified PACKAGEDATA data entered on each line. IVISCSPECIES must be greater than zero and less than or equal to NVISCSPECIES. Information must be specified for each of the NVISCSPECIES species or the program will terminate with an error. The program will also terminate with an error if information for a species is specified more than once. +numeric_index true + +block packagedata +name dviscdc +type double precision +shape +tagged false +in_record true +reader urword +longname slope of the line that defines the linear relationship between viscosity and temperature or between viscosity and concentration, depending on the type of species entered on each line. +description real value that defines the slope of the line defining the linear relationship between viscosity and temperature or between viscosity and concentration, depending on the type of species entered on each line. If the value of AUXSPECIESNAME entered on a line corresponds to TEMPERATURE\_SPECIES\_NAME (in the OPTIONS block), this value will be used when VISCOSITY\_FUNC is equal to LINEAR (the default) in the OPTIONS block. When VISCOSITY\_FUNC is set to NONLINEAR, a value for DVISCDC must be specified though it is not used. + +block packagedata +name cviscref +type double precision +shape +tagged false +in_record true +reader urword +longname reference temperature value or reference concentration value +description real value that defines the reference temperature or reference concentration value used for this species in the viscosity equation of state. If AUXSPECIESNAME entered on a line corresponds to TEMPERATURE\_SPECIES\_NAME (in the OPTIONS block), then CVISCREF refers to a reference temperature, otherwise it refers to a reference concentration. + +block packagedata +name modelname +type string +in_record true +tagged false +shape +reader urword +longname modelname +description name of a GWT model used to simulate a species that will be used in the viscosity equation of state. This name will have no effect if the simulation does not include a GWT model that corresponds to this GWF model. + +block packagedata +name auxspeciesname +type string +in_record true +tagged false +shape +reader urword +longname auxspeciesname +description name of an auxiliary variable in a GWF stress package that will be used for this species to calculate the viscosity values. If a viscosity value is needed by the Viscosity Package then it will use the temperature or concentration values associated with this AUXSPECIESNAME in the viscosity equation of state. For advanced stress packages (LAK, SFR, MAW, and UZF) that have an associated advanced transport package (LKT, SFT, MWT, and UZT), the FLOW\_PACKAGE\_AUXILIARY\_NAME option in the advanced transport package can be used to transfer simulated temperature or concentration(s) into the flow package auxiliary variable. In this manner, the Viscosity Package can calculate viscosity values for lakes, streams, multi-aquifer wells, and unsaturated zone flow cells using simulated concentrations. + diff --git a/spec/dfn/gwf-wel.dfn b/spec/dfn/gwf-wel.dfn new file mode 100644 index 0000000..5b9e828 --- /dev/null +++ b/spec/dfn/gwf-wel.dfn @@ -0,0 +1,276 @@ +# --------------------- gwf wel options --------------------- +# flopy multi-package +# package-type stress-package + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Flow'} + +block options +name auxmultname +type string +shape +reader urword +optional true +longname name of auxiliary variable for multiplier +description REPLACE auxmultname {'{#1}': 'well flow rate'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'well'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'well'} +mf6internal iprpak + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'well'} +mf6internal iprflow + +block options +name save_flows +type keyword +reader urword +optional true +longname save well flows to budget file +description REPLACE save_flows {'{#1}': 'well'} +mf6internal ipakcb + +block options +name auto_flow_reduce +type double precision +reader urword +optional true +longname cell fractional thickness for reduced pumping +description keyword and real value that defines the fraction of the cell thickness used as an interval for smoothly adjusting negative pumping rates to 0 in cells with head values less than or equal to the bottom of the cell. Negative pumping rates are adjusted to 0 or a smaller negative value when the head in the cell is equal to or less than the calculated interval above the cell bottom. AUTO\_FLOW\_REDUCE is set to 0.1 if the specified value is less than or equal to zero. By default, negative pumping rates are not reduced during a simulation. This AUTO\_FLOW\_REDUCE option only applies to wells in model cells that are marked as ``convertible'' (ICELLTYPE /= 0) in the Node Property Flow (NPF) input file. Reduction in flow will not occur for wells in cells marked as confined (ICELLTYPE = 0). +mf6internal flowred + +block options +name afrcsv_filerecord +type record auto_flow_reduce_csv fileout afrcsvfile +shape +reader urword +tagged true +optional true +longname +description +mf6internal afrcsv_rec + +block options +name auto_flow_reduce_csv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the AUTO\_FLOW\_REDUCE output option in which a new record is written for each well and for each time step in which the user-requested extraction rate is reduced by the program. +mf6internal afrcsv + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name afrcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write information about well extraction rates that have been reduced by the program. Entries are only written if the extraction rates are reduced. + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'Well'} + +block options +name mover +type keyword +tagged true +reader urword +optional true +longname +description REPLACE mover {'{#1}': 'Well'} + +# --------------------- gwf wel dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of wells +description REPLACE maxbound {'{#1}': 'wells'} + + +# --------------------- gwf wel period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name stress_period_data +type recarray cellid q aux boundname +shape (maxbound) +reader urword +longname +description +mf6internal spd + +block period +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block period +name q +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname well rate +description is the volumetric well rate. A positive value indicates recharge (injection) and a negative value indicates discharge (extraction). If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +time_series true +longname auxiliary variables +description REPLACE aux {'{#1}': 'well'} +mf6internal auxvar + +block period +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname well name +description REPLACE boundname {'{#1}': 'well'} diff --git a/spec/dfn/gwt-adv.dfn b/spec/dfn/gwt-adv.dfn new file mode 100644 index 0000000..4af532f --- /dev/null +++ b/spec/dfn/gwt-adv.dfn @@ -0,0 +1,18 @@ +# --------------------- gwt adv options --------------------- + +block options +name scheme +type string +valid central upstream tvd +reader urword +optional true +longname advective scheme +description scheme used to solve the advection term. Can be upstream, central, or TVD. If not specified, upstream weighting is the default weighting scheme. + +block options +name ats_percel +type double precision +reader urword +optional true +longname fractional cell distance used for time step calculation +description fractional cell distance submitted by the ADV Package to the adaptive time stepping (ATS) package. If ATS\_PERCEL is specified and the ATS Package is active, a time step calculation will be made for each cell based on flow through the cell and cell properties. The largest time step will be calculated such that the advective fractional cell distance (ATS\_PERCEL) is not exceeded for any active cell in the grid. This time-step constraint will be submitted to the ATS Package, perhaps with constraints submitted by other packages, in the calculation of the time step. ATS\_PERCEL must be greater than zero. If a value of zero is specified for ATS\_PERCEL the program will automatically reset it to an internal no data value to indicate that time steps should not be subject to this constraint. \ No newline at end of file diff --git a/spec/dfn/gwt-api.dfn b/spec/dfn/gwt-api.dfn new file mode 100644 index 0000000..62b81c8 --- /dev/null +++ b/spec/dfn/gwt-api.dfn @@ -0,0 +1,96 @@ +# --------------------- gwt api options --------------------- + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'api boundary'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'api boundary'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'api boundary'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save api flows to budget file +description REPLACE save_flows {'{#1}': 'api boundary'} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'api boundary'} + +block options +name mover +type keyword +tagged true +reader urword +optional true +longname +description REPLACE mover {'{#1}': 'api boundary'} + +# --------------------- gwt api dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of user-defined api boundaries +description REPLACE maxbound {'{#1}': 'api boundary'} diff --git a/spec/dfn/gwt-cnc.dfn b/spec/dfn/gwt-cnc.dfn new file mode 100644 index 0000000..3a75ccb --- /dev/null +++ b/spec/dfn/gwt-cnc.dfn @@ -0,0 +1,213 @@ +# --------------------- gwt cnc options --------------------- +# flopy multi-package + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Transport'} + +block options +name auxmultname +type string +shape +reader urword +optional true +longname name of auxiliary variable for multiplier +description REPLACE auxmultname {'{#1}': 'concentration value'} + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'constant concentration'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'constant concentration'} +mf6internal iprflow + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'constant concentration'} +mf6internal ipakcb + +block options +name save_flows +type keyword +reader urword +optional true +longname save constant concentration flows to budget file +description REPLACE save_flows {'{#1}': 'constant concentration'} +mf6internal iprpak + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname time series keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'Constant Concentration'} + + +# --------------------- gwt cnc dimensions --------------------- + +block dimensions +name maxbound +type integer +reader urword +optional false +longname maximum number of constant concentrations +description REPLACE maxbound {'{#1}': 'constant concentrations'} + + +# --------------------- gwt cnc period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name stress_period_data +type recarray cellid conc aux boundname +shape (maxbound) +reader urword +longname +description +mf6internal spd + +block period +name cellid +type integer +shape (ncelldim) +tagged false +in_record true +reader urword +longname cell identifier +description REPLACE cellid {} + +block period +name conc +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname constant concentration value +description is the constant concentration value. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. +mf6internal tspvar + +block period +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +optional true +time_series true +longname auxiliary variables +description REPLACE aux {'{#1}': 'constant concentration'} +mf6internal auxvar + +block period +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname constant concentration name +description REPLACE boundname {'{#1}': 'constant concentration'} diff --git a/spec/dfn/gwt-dsp.dfn b/spec/dfn/gwt-dsp.dfn new file mode 100644 index 0000000..5412ca6 --- /dev/null +++ b/spec/dfn/gwt-dsp.dfn @@ -0,0 +1,99 @@ +# --------------------- gwt dsp options --------------------- + +block options +name xt3d_off +type keyword +shape +reader urword +optional true +longname deactivate xt3d +description deactivate the xt3d method and use the faster and less accurate approximation. This option may provide a fast and accurate solution under some circumstances, such as when flow aligns with the model grid, there is no mechanical dispersion, or when the longitudinal and transverse dispersivities are equal. This option may also be used to assess the computational demand of the XT3D approach by noting the run time differences with and without this option on. + +block options +name xt3d_rhs +type keyword +shape +reader urword +optional true +longname xt3d on right-hand side +description add xt3d terms to right-hand side, when possible. This option uses less memory, but may require more iterations. + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +block options +name export_array_netcdf +type keyword +reader urword +optional true +mf6internal export_nc +longname export array variables to netcdf output files. +description keyword that specifies input griddata arrays should be written to the model output netcdf file. + +# --------------------- gwt dsp griddata --------------------- + +block griddata +name diffc +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname effective molecular diffusion coefficient +description effective molecular diffusion coefficient. + +block griddata +name alh +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname longitudinal dispersivity in horizontal direction +description longitudinal dispersivity in horizontal direction. If flow is strictly horizontal, then this is the longitudinal dispersivity that will be used. If flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both ALH and ALV. If mechanical dispersion is represented (by specifying any dispersivity values) then this array is required. + +block griddata +name alv +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname longitudinal dispersivity in vertical direction +description longitudinal dispersivity in vertical direction. If flow is strictly vertical, then this is the longitudinal dispsersivity value that will be used. If flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both ALH and ALV. If this value is not specified and mechanical dispersion is represented, then this array is set equal to ALH. + +block griddata +name ath1 +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname transverse dispersivity in horizontal direction +description transverse dispersivity in horizontal direction. This is the transverse dispersivity value for the second ellipsoid axis. If flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the y direction. If mechanical dispersion is represented (by specifying any dispersivity values) then this array is required. + +block griddata +name ath2 +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname transverse dispersivity in horizontal direction +description transverse dispersivity in horizontal direction. This is the transverse dispersivity value for the third ellipsoid axis. If flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the z direction. If this value is not specified and mechanical dispersion is represented, then this array is set equal to ATH1. + +block griddata +name atv +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname transverse dispersivity when flow is in vertical direction +description transverse dispersivity when flow is in vertical direction. If flow is strictly vertical and directed in the z direction, then this value controls spreading in the x and y directions. If this value is not specified and mechanical dispersion is represented, then this array is set equal to ATH2. diff --git a/spec/dfn/gwt-fmi.dfn b/spec/dfn/gwt-fmi.dfn new file mode 100644 index 0000000..b129371 --- /dev/null +++ b/spec/dfn/gwt-fmi.dfn @@ -0,0 +1,58 @@ +# --------------------- gwt fmi options --------------------- + +block options +name save_flows +type keyword +reader urword +optional true +longname save calculated flow imbalance correction to budget file +description REPLACE save_flows {'{#1}': 'FMI'} + +block options +name flow_imbalance_correction +type keyword +reader urword +optional true +longname correct for flow imbalance +description correct for an imbalance in flows by assuming that any residual flow error comes in or leaves at the concentration of the cell. When this option is activated, the GWT Model budget written to the listing file will contain two additional entries: FLOW-ERROR and FLOW-CORRECTION. These two entries will be equal but opposite in sign. The FLOW-CORRECTION term is a mass flow that is added to offset the error caused by an imprecise flow balance. If these terms are not relatively small, the flow model should be rerun with stricter convergence tolerances. + +# --------------------- gwt fmi packagedata --------------------- + +block packagedata +name packagedata +type recarray flowtype filein fname +reader urword +optional false +longname flowtype list +description + +block packagedata +name flowtype +in_record true +type string +tagged false +reader urword +longname flow type +description is the word GWFBUDGET, GWFHEAD, GWFMOVER or the name of an advanced GWF stress package. If GWFBUDGET is specified, then the corresponding file must be a budget file from a previous GWF Model run. If an advanced GWF stress package name appears then the corresponding file must be the budget file saved by a LAK, SFR, MAW or UZF Package. + +block packagedata +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block packagedata +name fname +in_record true +type string +preserve_case true +tagged false +reader urword +longname file name +description is the name of the file containing flows. The path to the file should be included if the file is not located in the folder where the program was run. + diff --git a/spec/dfn/gwt-ic.dfn b/spec/dfn/gwt-ic.dfn new file mode 100644 index 0000000..d9c3a89 --- /dev/null +++ b/spec/dfn/gwt-ic.dfn @@ -0,0 +1,31 @@ +# --------------------- gwt ic options --------------------- + +block options +name export_array_ascii +type keyword +reader urword +optional true +mf6internal export_ascii +longname export array variables to layered ascii files. +description keyword that specifies input griddata arrays should be written to layered ascii output files. + +block options +name export_array_netcdf +type keyword +reader urword +optional true +mf6internal export_nc +longname export array variables to netcdf output files. +description keyword that specifies input griddata arrays should be written to the model output netcdf file. + +# --------------------- gwt ic griddata --------------------- + +block griddata +name strt +type double precision +shape (nodes) +reader readarray +layered true +longname starting concentration +description is the initial (starting) concentration---that is, concentration at the beginning of the GWT Model simulation. STRT must be specified for all GWT Model simulations. One value is read for every model cell. +default_value 0.0 diff --git a/spec/dfn/gwt-ist.dfn b/spec/dfn/gwt-ist.dfn new file mode 100644 index 0000000..77b10f0 --- /dev/null +++ b/spec/dfn/gwt-ist.dfn @@ -0,0 +1,341 @@ +# --------------------- gwt ist options --------------------- + +block options +name save_flows +type keyword +reader urword +optional true +longname save calculated flows to budget file +description REPLACE save_flows {'{#1}': 'IST'} + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name sorption +type string +valid linear freundlich langmuir +reader urword +optional true +longname activate sorption +description is a text keyword to indicate that sorption will be activated. Valid sorption options include LINEAR, FREUNDLICH, and LANGMUIR. Use of this keyword requires that BULK\_DENSITY and DISTCOEF are specified in the GRIDDATA block. If sorption is specified as FREUNDLICH or LANGMUIR then SP2 is also required in the GRIDDATA block. + +block options +name first_order_decay +type keyword +reader urword +optional true +longname activate first-order decay +description is a text keyword to indicate that first-order decay will occur. Use of this keyword requires that DECAY and DECAY\_SORBED (if sorption is active) are specified in the GRIDDATA block. + +block options +name zero_order_decay +type keyword +reader urword +optional true +longname activate zero-order decay +description is a text keyword to indicate that zero-order decay will occur. Use of this keyword requires that DECAY and DECAY\_SORBED (if sorption is active) are specified in the GRIDDATA block. + +block options +name cim_filerecord +type record cim fileout cimfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name cim +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname cim keyword +description keyword to specify that record corresponds to immobile concentration. + +block options +name cimfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write immobile concentrations. This file is a binary file that has the same format and structure as a binary head and concentration file. The value for the text variable written to the file is CIM. Immobile domain concentrations will be written to this file at the same interval as mobile domain concentrations are saved, as specified in the GWT Model Output Control file. + +block options +name cimprintrecord +type record cim print_format formatrecord +shape +reader urword +optional true +longname +description + +block options +name print_format +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to indicate that a print format follows +description keyword to specify format for printing to the listing file. + +block options +name formatrecord +type record columns width digits format +shape +in_record true +reader urword +tagged +optional false +longname +description + +block options +name columns +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of columns +description number of columns for writing data. + +block options +name width +type integer +shape +in_record true +reader urword +tagged true +optional +longname width for each number +description width for writing each number. + +block options +name digits +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of digits +description number of digits to use for writing a number. + +block options +name format +type string +shape +in_record true +reader urword +tagged false +optional false +longname write format +description write format can be EXPONENTIAL, FIXED, GENERAL, or SCIENTIFIC. + +block options +name sorbate_filerecord +type record sorbate fileout sorbatefile +shape +reader urword +tagged true +optional true +longname +description + +block options +name sorbate +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname sorbate keyword +description keyword to specify that record corresponds to immobile sorbate concentration. + +block options +name sorbatefile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write immobile sorbate concentration information. Immobile sorbate concentrations will be written whenever aqueous immobile concentrations are saved, as determined by settings in the Output Control option. + +# --------------------- gwt ist griddata --------------------- + +block griddata +name porosity +type double precision +shape (nodes) +reader readarray +layered true +longname porosity of the immobile domain +description porosity of the immobile domain specified as the immobile domain pore volume per immobile domain volume. + +block griddata +name volfrac +type double precision +shape (nodes) +reader readarray +layered true +longname volume fraction of this immobile domain +description fraction of the cell volume that consists of this immobile domain. The sum of all immobile domain volume fractions must be less than one. + +block griddata +name zetaim +type double precision +shape (nodes) +reader readarray +layered true +longname mass transfer rate coefficient between the mobile and immobile domains +description mass transfer rate coefficient between the mobile and immobile domains, in dimensions of per time. + +block griddata +name cim +type double precision +shape (nodes) +reader readarray +optional true +layered true +longname initial concentration of the immobile domain +description initial concentration of the immobile domain in mass per length cubed. If CIM is not specified, then it is assumed to be zero. + +block griddata +name decay +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname first rate coefficient +description is the rate coefficient for first or zero-order decay for the aqueous phase of the immobile domain. A negative value indicates solute production. The dimensions of decay for first-order decay is one over time. The dimensions of decay for zero-order decay is mass per length cubed per time. Decay will have no effect on simulation results unless either first- or zero-order decay is specified in the options block. + +block griddata +name decay_sorbed +type double precision +shape (nodes) +reader readarray +optional true +layered true +longname second rate coefficient +description is the rate coefficient for first or zero-order decay for the sorbed phase of the immobile domain. A negative value indicates solute production. The dimensions of decay\_sorbed for first-order decay is one over time. The dimensions of decay\_sorbed for zero-order decay is mass of solute per mass of aquifer per time. If decay\_sorbed is not specified and both decay and sorption are active, then the program will terminate with an error. decay\_sorbed will have no effect on simulation results unless the SORPTION keyword and either first- or zero-order decay are specified in the options block. + +block griddata +name bulk_density +type double precision +shape (nodes) +reader readarray +optional true +layered true +longname bulk density +description is the bulk density of this immobile domain in mass per length cubed. Bulk density is defined as the immobile domain solid mass per volume of the immobile domain. bulk\_density is not required unless the SORPTION keyword is specified in the options block. If the SORPTION keyword is not specified in the options block, bulk\_density will have no effect on simulation results. + +block griddata +name distcoef +type double precision +shape (nodes) +reader readarray +optional true +layered true +longname distribution coefficient +description is the distribution coefficient for the equilibrium-controlled linear sorption isotherm in dimensions of length cubed per mass. distcoef is not required unless the SORPTION keyword is specified in the options block. If the SORPTION keyword is not specified in the options block, distcoef will have no effect on simulation results. + +block griddata +name sp2 +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname second sorption parameter +description is the exponent for the Freundlich isotherm and the sorption capacity for the Langmuir isotherm. sp2 is not required unless the SORPTION keyword is specified in the options block and sorption is specified as FREUNDLICH or LANGMUIR. If the SORPTION keyword is not specified in the options block, or if sorption is specified as LINEAR, sp2 will have no effect on simulation results. diff --git a/spec/dfn/gwt-lkt.dfn b/spec/dfn/gwt-lkt.dfn new file mode 100644 index 0000000..6dbca6f --- /dev/null +++ b/spec/dfn/gwt-lkt.dfn @@ -0,0 +1,460 @@ +# --------------------- gwt lkt options --------------------- +# flopy multi-package + +block options +name flow_package_name +type string +shape +reader urword +optional true +longname keyword to specify name of corresponding flow package +description keyword to specify the name of the corresponding flow package. If not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the GWT name file). + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Transport'} + +block options +name flow_package_auxiliary_name +type string +shape +reader urword +optional true +longname keyword to specify name of concentration auxiliary variable in flow package +description keyword to specify the name of an auxiliary variable in the corresponding flow package. If specified, then the simulated concentrations from this advanced transport package will be copied into the auxiliary variable specified with this name. Note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. If the flows for this advanced transport package are read from a file, then this option will have no effect. + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'lake'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'lake'} + +block options +name print_concentration +type keyword +reader urword +optional true +longname print calculated stages to listing file +description REPLACE print_concentration {'{#1}': 'lake', '{#2}': 'concentration', '{#3}': 'CONCENTRATION'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'lake'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save lake flows to budget file +description REPLACE save_flows {'{#1}': 'lake'} + +block options +name concentration_filerecord +type record concentration fileout concfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name concentration +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname stage keyword +description keyword to specify that record corresponds to concentration. + +block options +name concfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write concentration information. + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'LKT'} + + +# --------------------- gwt lkt packagedata --------------------- + +block packagedata +name packagedata +type recarray ifno strt aux boundname +shape (maxbound) +reader urword +longname +description + +block packagedata +name ifno +type integer +shape +tagged false +in_record true +reader urword +longname lake number for this entry +description integer value that defines the feature (lake) number associated with the specified PACKAGEDATA data on the line. IFNO must be greater than zero and less than or equal to NLAKES. Lake information must be specified for every lake or the program will terminate with an error. The program will also terminate with an error if information for a lake is specified more than once. +numeric_index true + +block packagedata +name strt +type double precision +shape +tagged false +in_record true +reader urword +longname starting lake concentration +description real value that defines the starting concentration for the lake. + +block packagedata +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +time_series true +optional true +longname auxiliary variables +description REPLACE aux {'{#1}': 'lake'} + +block packagedata +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname lake name +description REPLACE boundname {'{#1}': 'lake'} + + +# --------------------- gwt lkt period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name lakeperioddata +type recarray ifno laksetting +shape +reader urword +longname +description + +block period +name ifno +type integer +shape +tagged false +in_record true +reader urword +longname lake number for this entry +description integer value that defines the feature (lake) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NLAKES. +numeric_index true + +block period +name laksetting +type keystring status concentration rainfall evaporation runoff ext-inflow auxiliaryrecord +shape +tagged false +in_record true +reader urword +longname +description line of information that is parsed into a keyword and values. Keyword values that can be used to start the LAKSETTING string include: STATUS, CONCENTRATION, RAINFALL, EVAPORATION, RUNOFF, EXT-INFLOW, and AUXILIARY. These settings are used to assign the concentration of associated with the corresponding flow terms. Concentrations cannot be specified for all flow terms. For example, the Lake Package supports a ``WITHDRAWAL'' flow term. If this withdrawal term is active, then water will be withdrawn from the lake at the calculated concentration of the lake. + +block period +name status +type string +shape +tagged true +in_record true +reader urword +longname lake concentration status +description keyword option to define lake status. STATUS can be ACTIVE, INACTIVE, or CONSTANT. By default, STATUS is ACTIVE, which means that concentration will be calculated for the lake. If a lake is inactive, then there will be no solute mass fluxes into or out of the lake and the inactive value will be written for the lake concentration. If a lake is constant, then the concentration for the lake will be fixed at the user specified value. + +block period +name concentration +type string +shape +tagged true +in_record true +time_series true +reader urword +longname lake concentration +description real or character value that defines the concentration for the lake. The specified CONCENTRATION is only applied if the lake is a constant concentration lake. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name rainfall +type string +shape +tagged true +in_record true +reader urword +time_series true +longname rainfall concentration +description real or character value that defines the rainfall solute concentration $(ML^{-3})$ for the lake. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name evaporation +type string +shape +tagged true +in_record true +reader urword +time_series true +longname evaporation concentration +description real or character value that defines the concentration of evaporated water $(ML^{-3})$ for the lake. If this concentration value is larger than the simulated concentration in the lake, then the evaporated water will be removed at the same concentration as the lake. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name runoff +type string +shape +tagged true +in_record true +reader urword +time_series true +longname runoff concentration +description real or character value that defines the concentration of runoff $(ML^{-3})$ for the lake. Value must be greater than or equal to zero. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name ext-inflow +type string +shape +tagged true +in_record true +reader urword +time_series true +longname ext-inflow concentration +description real or character value that defines the concentration of external inflow $(ML^{-3})$ for the lake. Value must be greater than or equal to zero. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name auxiliaryrecord +type record auxiliary auxname auxval +shape +tagged +in_record true +reader urword +longname +description + +block period +name auxiliary +type keyword +shape +in_record true +reader urword +longname +description keyword for specifying auxiliary variable. + +block period +name auxname +type string +shape +tagged false +in_record true +reader urword +longname +description name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored. + +block period +name auxval +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname auxiliary variable value +description value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. diff --git a/spec/dfn/gwt-mst.dfn b/spec/dfn/gwt-mst.dfn new file mode 100644 index 0000000..bc0bd17 --- /dev/null +++ b/spec/dfn/gwt-mst.dfn @@ -0,0 +1,140 @@ +# --------------------- gwt mst options --------------------- + +block options +name save_flows +type keyword +reader urword +optional true +longname save calculated flows to budget file +description REPLACE save_flows {'{#1}': 'MST'} + +block options +name first_order_decay +type keyword +reader urword +optional true +longname activate first-order decay +description is a text keyword to indicate that first-order decay will occur. Use of this keyword requires that DECAY and DECAY\_SORBED (if sorption is active) are specified in the GRIDDATA block. + +block options +name zero_order_decay +type keyword +reader urword +optional true +longname activate zero-order decay +description is a text keyword to indicate that zero-order decay will occur. Use of this keyword requires that DECAY and DECAY\_SORBED (if sorption is active) are specified in the GRIDDATA block. + +block options +name sorption +type string +valid linear freundlich langmuir +reader urword +optional true +longname activate sorption +description is a text keyword to indicate that sorption will be activated. Valid sorption options include LINEAR, FREUNDLICH, and LANGMUIR. Use of this keyword requires that BULK\_DENSITY and DISTCOEF are specified in the GRIDDATA block. If sorption is specified as FREUNDLICH or LANGMUIR then SP2 is also required in the GRIDDATA block. + +block options +name sorbate_filerecord +type record sorbate fileout sorbatefile +shape +reader urword +tagged true +optional true +longname +description + +block options +name sorbate +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname sorbate keyword +description keyword to specify that record corresponds to sorbate concentration. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name sorbatefile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write sorbate concentration information. Sorbate concentrations will be written whenever aqueous concentrations are saved, as determined by settings in the Output Control option. + +# --------------------- gwt mst griddata --------------------- + +block griddata +name porosity +type double precision +shape (nodes) +reader readarray +layered true +longname porosity +description is the mobile domain porosity, defined as the mobile domain pore volume per mobile domain volume. Additional information on porosity within the context of mobile and immobile domain transport simulations is included in the MODFLOW 6 Supplemental Technical Information document. + +block griddata +name decay +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname aqueous phase decay rate coefficient +description is the rate coefficient for first or zero-order decay for the aqueous phase of the mobile domain. A negative value indicates solute production. The dimensions of decay for first-order decay is one over time. The dimensions of decay for zero-order decay is mass per length cubed per time. decay will have no effect on simulation results unless either first- or zero-order decay is specified in the options block. + +block griddata +name decay_sorbed +type double precision +shape (nodes) +reader readarray +optional true +layered true +longname sorbed phase decay rate coefficient +description is the rate coefficient for first or zero-order decay for the sorbed phase of the mobile domain. A negative value indicates solute production. The dimensions of decay\_sorbed for first-order decay is one over time. The dimensions of decay\_sorbed for zero-order decay is mass of solute per mass of aquifer per time. If decay\_sorbed is not specified and both decay and sorption are active, then the program will terminate with an error. decay\_sorbed will have no effect on simulation results unless the SORPTION keyword and either first- or zero-order decay are specified in the options block. + +block griddata +name bulk_density +type double precision +shape (nodes) +reader readarray +optional true +layered true +longname bulk density +description is the bulk density of the aquifer in mass per length cubed. bulk\_density is not required unless the SORPTION keyword is specified. Bulk density is defined as the mobile domain solid mass per mobile domain volume. Additional information on bulk density is included in the MODFLOW 6 Supplemental Technical Information document. + +block griddata +name distcoef +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname distribution coefficient +description is the distribution coefficient for the equilibrium-controlled linear sorption isotherm in dimensions of length cubed per mass. If the Freunchlich isotherm is specified, then discoef is the Freundlich constant. If the Langmuir isotherm is specified, then distcoef is the Langmuir constant. distcoef is not required unless the SORPTION keyword is specified. + +block griddata +name sp2 +type double precision +shape (nodes) +reader readarray +layered true +optional true +longname second sorption parameter +description is the exponent for the Freundlich isotherm and the sorption capacity for the Langmuir isotherm. sp2 is not required unless the SORPTION keyword is specified in the options block. If the SORPTION keyword is not specified in the options block, sp2 will have no effect on simulation results. + diff --git a/spec/dfn/gwt-mvt.dfn b/spec/dfn/gwt-mvt.dfn new file mode 100644 index 0000000..4423589 --- /dev/null +++ b/spec/dfn/gwt-mvt.dfn @@ -0,0 +1,106 @@ +# --------------------- gwt mvt options --------------------- +# flopy subpackage mvt_filerecord mvt perioddata perioddata +# flopy parent_name_type parent_model_or_package MFModel/MFPackage + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'mover'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'lake'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save lake flows to budget file +description REPLACE save_flows {'{#1}': 'lake'} + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + + diff --git a/spec/dfn/gwt-mwt.dfn b/spec/dfn/gwt-mwt.dfn new file mode 100644 index 0000000..b2b4346 --- /dev/null +++ b/spec/dfn/gwt-mwt.dfn @@ -0,0 +1,427 @@ +# --------------------- gwt mwt options --------------------- +# flopy multi-package + +block options +name flow_package_name +type string +shape +reader urword +optional true +longname keyword to specify name of corresponding flow package +description keyword to specify the name of the corresponding flow package. If not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the GWT name file). + +block options +name auxiliary +type string +shape (naux) +reader urword +optional true +longname keyword to specify aux variables +description REPLACE auxnames {'{#1}': 'Groundwater Transport'} + +block options +name flow_package_auxiliary_name +type string +shape +reader urword +optional true +longname keyword to specify name of concentration auxiliary variable in flow package +description keyword to specify the name of an auxiliary variable in the corresponding flow package. If specified, then the simulated concentrations from this advanced transport package will be copied into the auxiliary variable specified with this name. Note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. If the flows for this advanced transport package are read from a file, then this option will have no effect. + +block options +name boundnames +type keyword +shape +reader urword +optional true +longname +description REPLACE boundnames {'{#1}': 'well'} + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'well'} + +block options +name print_concentration +type keyword +reader urword +optional true +longname print calculated concentrations to listing file +description REPLACE print_concentration {'{#1}': 'well', '{#2}': 'concentration', '{#3}': 'CONCENTRATION'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'well'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save well flows to budget file +description REPLACE save_flows {'{#1}': 'well'} + +block options +name concentration_filerecord +type record concentration fileout concfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name concentration +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname stage keyword +description keyword to specify that record corresponds to concentration. + +block options +name concfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write concentration information. + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the binary output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name ts_filerecord +type record ts6 filein ts6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name ts6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname head keyword +description keyword to specify that record corresponds to a time-series file. + +block options +name filein +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name ts6_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname file name of time series information +description REPLACE timeseriesfile {} + +block options +name obs_filerecord +type record obs6 filein obs6_filename +shape +reader urword +tagged true +optional true +longname +description + +block options +name obs6 +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname obs keyword +description keyword to specify that record corresponds to an observations file. + +block options +name obs6_filename +type string +preserve_case true +in_record true +tagged false +reader urword +optional false +longname obs6 input filename +description REPLACE obs6_filename {'{#1}': 'MWT'} + + +# --------------------- gwt mwt packagedata --------------------- + +block packagedata +name packagedata +type recarray ifno strt aux boundname +shape (maxbound) +reader urword +longname +description + +block packagedata +name ifno +type integer +shape +tagged false +in_record true +reader urword +longname well number for this entry +description integer value that defines the feature (well) number associated with the specified PACKAGEDATA data on the line. IFNO must be greater than zero and less than or equal to NMAWWELLS. Well information must be specified for every well or the program will terminate with an error. The program will also terminate with an error if information for a well is specified more than once. +numeric_index true + +block packagedata +name strt +type double precision +shape +tagged false +in_record true +reader urword +longname starting well concentration +description real value that defines the starting concentration for the well. + +block packagedata +name aux +type double precision +in_record true +tagged false +shape (naux) +reader urword +time_series true +optional true +longname auxiliary variables +description REPLACE aux {'{#1}': 'well'} + +block packagedata +name boundname +type string +shape +tagged false +in_record true +reader urword +optional true +longname well name +description REPLACE boundname {'{#1}': 'well'} + + +# --------------------- gwt mwt period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name mwtperioddata +type recarray ifno mwtsetting +shape +reader urword +longname +description + +block period +name ifno +type integer +shape +tagged false +in_record true +reader urword +longname well number for this entry +description integer value that defines the feature (well) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NMAWWELLS. +numeric_index true + +block period +name mwtsetting +type keystring status concentration rate auxiliaryrecord +shape +tagged false +in_record true +reader urword +longname +description line of information that is parsed into a keyword and values. Keyword values that can be used to start the MWTSETTING string include: STATUS, CONCENTRATION, RATE, and AUXILIARY. These settings are used to assign the concentration associated with the corresponding flow terms. Concentrations cannot be specified for all flow terms. For example, the Multi-Aquifer Well Package supports a ``WITHDRAWAL'' flow term. If this withdrawal term is active, then water will be withdrawn from the well at the calculated concentration of the well. + +block period +name status +type string +shape +tagged true +in_record true +reader urword +longname well concentration status +description keyword option to define well status. STATUS can be ACTIVE, INACTIVE, or CONSTANT. By default, STATUS is ACTIVE, which means that concentration will be calculated for the well. If a well is inactive, then there will be no solute mass fluxes into or out of the well and the inactive value will be written for the well concentration. If a well is constant, then the concentration for the well will be fixed at the user specified value. + +block period +name concentration +type string +shape +tagged true +in_record true +time_series true +reader urword +longname well concentration +description real or character value that defines the concentration for the well. The specified CONCENTRATION is only applied if the well is a constant concentration well. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name rate +type string +shape +tagged true +in_record true +reader urword +time_series true +longname well injection concentration +description real or character value that defines the injection solute concentration $(ML^{-3})$ for the well. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. + +block period +name auxiliaryrecord +type record auxiliary auxname auxval +shape +tagged +in_record true +reader urword +longname +description + +block period +name auxiliary +type keyword +shape +in_record true +reader urword +longname +description keyword for specifying auxiliary variable. + +block period +name auxname +type string +shape +tagged false +in_record true +reader urword +longname +description name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored. + +block period +name auxval +type double precision +shape +tagged false +in_record true +reader urword +time_series true +longname auxiliary variable value +description value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. diff --git a/spec/dfn/gwt-nam.dfn b/spec/dfn/gwt-nam.dfn new file mode 100644 index 0000000..9fd712f --- /dev/null +++ b/spec/dfn/gwt-nam.dfn @@ -0,0 +1,124 @@ +# --------------------- gwt nam options --------------------- + +block options +name list +type string +reader urword +optional true +preserve_case true +longname name of listing file +description is name of the listing file to create for this GWT model. If not specified, then the name of the list file will be the basename of the GWT model name file and the '.lst' extension. For example, if the GWT name file is called ``my.model.nam'' then the list file will be called ``my.model.lst''. + +block options +name print_input +type keyword +reader urword +optional true +longname print input to listing file +description REPLACE print_input {'{#1}': 'all model stress package'} + +block options +name print_flows +type keyword +reader urword +optional true +longname print calculated flows to listing file +description REPLACE print_flows {'{#1}': 'all model package'} + +block options +name save_flows +type keyword +reader urword +optional true +longname save flows for all packages to budget file +description REPLACE save_flows {'{#1}': 'all model package'} + +block options +name export_netcdf +type string +reader urword +optional true +mf6internal export_netcdf +longname export model output netcdf file. +description keyword that specifies timeseries data for the dependent variable should be written to a model output netcdf file. No value or ``UGRID'' (ugrid based export) values are supported. + +block options +name nc_filerecord +type record netcdf filein netcdf_filename +reader urword +tagged true +optional true +longname +description netcdf config filerecord + +block options +name netcdf +type keyword +in_record true +reader urword +tagged true +optional false +longname netcdf keyword +description keyword to specify that record corresponds to a netcdf input file. + +block options +name filein +type keyword +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an input filename is expected next. + +block options +name netcdf_filename +type string +preserve_case true +in_record true +reader urword +optional false +tagged false +longname netcdf input filename +description defines a netcdf input file. +mf6internal netcdf_fname + +# --------------------- gwt nam packages --------------------- + +block packages +name packages +type recarray ftype fname pname +reader urword +optional false +longname package list +description + +block packages +name ftype +in_record true +type string +tagged false +reader urword +longname package type +description is the file type, which must be one of the following character values shown in table~\ref{table:ftype-gwt}. Ftype may be entered in any combination of uppercase and lowercase. + +block packages +name fname +in_record true +type string +preserve_case true +tagged false +reader urword +longname file name +description is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run. + +block packages +name pname +in_record true +type string +tagged false +reader urword +optional true +longname user name for package +description is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single GWT Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters. + diff --git a/spec/dfn/gwt-oc.dfn b/spec/dfn/gwt-oc.dfn new file mode 100644 index 0000000..a54fcbd --- /dev/null +++ b/spec/dfn/gwt-oc.dfn @@ -0,0 +1,313 @@ +# --------------------- gwt oc options --------------------- + +block options +name budget_filerecord +type record budget fileout budgetfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budget +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget. + +block options +name fileout +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname file keyword +description keyword to specify that an output filename is expected next. + +block options +name budgetfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write budget information. + +block options +name budgetcsv_filerecord +type record budgetcsv fileout budgetcsvfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name budgetcsv +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname budget keyword +description keyword to specify that record corresponds to the budget CSV. + +block options +name budgetcsvfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation. + +block options +name concentration_filerecord +type record concentration fileout concentrationfile +shape +reader urword +tagged true +optional true +longname +description + +block options +name concentration +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname concentration keyword +description keyword to specify that record corresponds to concentration. + +block options +name concentrationfile +type string +preserve_case true +shape +in_record true +reader urword +tagged false +optional false +longname file keyword +description name of the output file to write conc information. + +block options +name concentrationprintrecord +type record concentration print_format formatrecord +shape +reader urword +optional true +longname +description + +block options +name print_format +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to indicate that a print format follows +description keyword to specify format for printing to the listing file. + +block options +name formatrecord +type record columns width digits format +shape +in_record true +reader urword +tagged +optional false +longname +description + +block options +name columns +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of columns +description number of columns for writing data. + +block options +name width +type integer +shape +in_record true +reader urword +tagged true +optional +longname width for each number +description width for writing each number. + +block options +name digits +type integer +shape +in_record true +reader urword +tagged true +optional +longname number of digits +description number of digits to use for writing a number. + +block options +name format +type string +shape +in_record true +reader urword +tagged false +optional false +longname write format +description write format can be EXPONENTIAL, FIXED, GENERAL, or SCIENTIFIC. + + +# --------------------- gwt oc period --------------------- + +block period +name iper +type integer +block_variable True +in_record true +tagged false +shape +valid +reader urword +optional false +longname stress period number +description REPLACE iper {} + +block period +name saverecord +type record save rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name save +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be saved this stress period. + +block period +name printrecord +type record print rtype ocsetting +shape +reader urword +tagged false +optional true +longname +description + +block period +name print +type keyword +shape +in_record true +reader urword +tagged true +optional false +longname keyword to save +description keyword to indicate that information will be printed this stress period. + +block period +name rtype +type string +shape +in_record true +reader urword +tagged false +optional false +longname record type +description type of information to save or print. Can be BUDGET or CONCENTRATION. + +block period +name ocsetting +type keystring all first last frequency steps +shape +tagged false +in_record true +reader urword +longname +description specifies the steps for which the data will be saved. + +block period +name all +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for all time steps in period. + +block period +name first +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for first step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name last +type keyword +shape +in_record true +reader urword +longname +description keyword to indicate save for last step in period. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name frequency +type integer +shape +tagged true +in_record true +reader urword +longname +description save at the specified time step frequency. This keyword may be used in conjunction with other keywords to print or save results for multiple time steps. + +block period +name steps +type integer +shape ( dict: + del d["dfn"] + del d["foreign_keys"] + d["name"] = str(d["name"]) + return d + + @staticmethod + def apply(d: dict) -> dict: + return Shim._attach_children(Shim._drop_none(Shim._trim(d))) + + +if __name__ == "__main__": + """Convert DFN files to TOML.""" + + tomlkit = import_optional_dependency("tomlkit") + parser = argparse.ArgumentParser(description="Convert DFN files to TOML.") + parser.add_argument( + "--dfndir", + type=str, + default=DFN_PATH, + help="Directory containing DFN files.", + ) + parser.add_argument( + "--outdir", + default=TOML_PATH, + help="Output directory.", + ) + args = parser.parse_args() + dfndir = Path(args.dfndir) + outdir = Path(args.outdir) + outdir.mkdir(exist_ok=True, parents=True) + for dfn in Dfn.load_all(dfndir).values(): + with open(Path(outdir) / f"{dfn['name']}.toml", "w") as f: + tomlkit.dump(Shim.apply(dfn), f) diff --git a/spec/make_toml.py b/spec/make_toml.py deleted file mode 100644 index f7d45f9..0000000 --- a/spec/make_toml.py +++ /dev/null @@ -1,304 +0,0 @@ -import argparse -import sys -import textwrap -from pathlib import Path -from pprint import pprint - -import toml - -MF6_LENVARNAME = 16 -F90_LINELEN = 82 -PROJ_ROOT = Path(__file__).parents[1] -DFN_PATH = PROJ_ROOT / "spec" / "dfn" -TOML_PATH = PROJ_ROOT / "spec" / "toml" - -# parameter defaults -mf6_param_dfn = { - "name": "", - "type": "", - "block_variable": False, - "valid": [], - "shape": "", - "tagged": True, - "in_record": False, - "layered": False, - "time_series": False, - "reader": "", - "optional": False, - "preserve_case": False, - "default_value": None, - "numeric_index": False, - "longname": "", - "description": "", - "deprecated": "", -} - - -class Dfn2Toml: - """ - Verify MODFLOW 6 fortran source code format - """ - - def __init__( - self, - dfnfspec: str = None, - outdir: str = None, - ): - """dfn2toml init""" - - self._dfnfspec = dfnfspec - self._outdir = (Path(outdir),) - self._var_d = {} - self.component = "" - self.subcomponent = "" - self._warnings = [] - self._multi_package = False - self._stress_package = False - self._advanced_package = False - self._subpackage = [] - - self.component, self.subcomponent = self._dfnfspec.stem.upper().split( - "-" - ) - self._set_var_d() - blocknames = self.get_blocknames() - - d = { - "component": self.component, - "subcomponent": self.subcomponent, - "blocknames": blocknames, - "multipkg": False, - "stress": False, - "advanced": False, - # "subpackage": [], - "block": {}, - } - - for b in blocknames: - block_d = self._substitute(b, self.component, self.subcomponent) - d["block"][b] = {} - for p in block_d.keys(): - name = block_d[p]["name"] - del block_d[p]["name"] - d["block"][b][name] = block_d[p] - - if self._multi_package: - d["multi"] = True - if self._stress_package: - d["stress"] = True - if self._advanced_package: - d["advanced"] = True - # if len(self._subpackage) > 0: - # d["subpackage"] = self._subpackage.copy() - - fname = f"{self.component.lower()}-{self.subcomponent.lower()}.toml" - fspec = self._outdir[0] / fname - with open( - fspec, - "w", - ) as fh: - toml.dump(d, fh) - - def warn(self): - if len(self._warnings): - print(f"DFN: {self._dfnfspec}") - sys.stderr.write("Warnings:\n") - for warn in self._warnings: - sys.stderr.write(" " + warn + "\n") - - def _set_var_d(self): - f = open(self._dfnfspec, "r") - lines = f.readlines() - f.close() - - vardict = {} - vd = {} - - for line in lines: - # skip blank lines - if len(line.strip()) == 0: - if len(vd) > 0: - name = vd["name"] - if "block" in vd: - block = vd["block"] - key = (name, block) - else: - key = name - if name in vardict: - raise Exception( - "Variable already exists in dictionary: " + name - ) - vardict[key] = vd - vd = {} - continue - - # parse comments for package scoped settings - if "#" in line.strip()[0]: - if "flopy multi-package" in line.strip(): - self._multi_package = True - elif "package-type" in line.strip(): - pkg_tags = line.strip().split() - if pkg_tags[2] == "stress-package": - self._stress_package = True - if pkg_tags[2] == "advanced-stress-package": - self._stress_package = True - self._advanced_package = True - elif "mf6 subpackage" in line.strip(): - sp = line.replace("# mf6 subpackage ", "").strip() - sp = sp.upper() - self._subpackage.append(sp.ljust(16)) - continue - - ll = line.strip().split() - if len(ll) > 1: - k = ll[0] - istart = line.index(" ") - v = line[istart:].strip() - if k in vd: - raise Exception( - "Attribute already exists in dictionary: " + k - ) - vd[k] = v - - if len(vd) > 0: - name = vd["name"] - if "block" in vd: - block = vd["block"] - key = (name, block) - else: - key = name - if name in vardict: - raise Exception( - "Variable already exists in dictionary: " + name - ) - vardict[key] = vd - - self._var_d = vardict - - def _substitute(self, blockname, component, subcomponent): - block_d = {} - ra_d = {} - for k in self._var_d: - varname, block = k - if block != blockname: - continue - - v = self._var_d[k] - - for k in v.keys(): - if k.lower() not in mf6_param_dfn.keys(): - if ( - k.lower() != "block" - and k.lower() != "name" - and k.lower() != "mf6internal" - ): - self._warnings.append( - f"Warning unhandled key: {k.lower()}" - ) - - if "block_variable" in v and v["block_variable"].upper() == "TRUE": - continue - - vtype = v["type"].lower() - if vtype == "double precision": - vtype = "double" - - d = None - d = mf6_param_dfn.copy() - for k in mf6_param_dfn.keys(): - if k in v: - if isinstance(mf6_param_dfn[k], bool): - if v[k].lower() == "true": - d[k] = True - elif v[k].lower() == "false": - d[k] = False - elif k == "valid": - valid = v[k].strip().split() - if len(valid) > 0: - d[k] = valid.copy() - elif k == "type": - d[k] = vtype - elif k == "description": - d[k] = v[k].replace("\\", "").strip() - else: - d[k] = v[k] - - if d["type"].lower().startswith("recarray"): - ra_d[varname] = d - else: - block_d[varname] = d - - bparams = {**block_d, **ra_d} - return bparams - - def get_blocknames(self): - blocknames = [] - for var, block in self._var_d: - if block not in blocknames: - blocknames.append(block.strip()) - return blocknames - - -if __name__ == "__main__": - parser = argparse.ArgumentParser( - prog="Convert DFN files to TOML files", - formatter_class=argparse.RawDescriptionHelpFormatter, - epilog=textwrap.dedent( - """\ - Generate TOML from DFN files. This script converts - definition (DFN) files to TOML specification files, - each representing a parameter set for a particular - input definition. - """ - ), - ) - parser.add_argument( - "-d", - "--dfn", - required=False, - default=DFN_PATH, - help="Path to a DFN file or directory contiaining DFN files", - ) - parser.add_argument( - "-o", - "--outdir", - required=False, - default=TOML_PATH, - help="The directory to write Fortran source files", - ) - parser.add_argument( - "-v", - "--verbose", - action="store_true", - required=False, - default=False, - help="Whether to show verbose output", - ) - args = parser.parse_args() - outdir = Path(args.outdir) if args.outdir else Path.cwd() - Path(outdir).mkdir(exist_ok=True) - verbose = args.verbose - - dfn = Path(args.dfn) - dfns = [] - if dfn.is_dir(): - dfns = list(dfn.glob("**/*.dfn")) - elif dfn.suffix.lower() in [".dfn"]: - dfns = [dfn] - - assert all( - p.is_file() for p in dfns - ), f"DFNs not found: {[p for p in dfns if not p.is_file()]}" - - if verbose: - print("Converting DFNs:") - pprint(dfns) - - dfn_d = {} - for dfn in dfns: - converter = Dfn2Toml(dfn, str(outdir)) - if verbose: - converter.warn() - - if verbose: - print("...done.") diff --git a/spec/toml/chf-cdb.toml b/spec/toml/chf-cdb.toml new file mode 100644 index 0000000..20e4644 --- /dev/null +++ b/spec/toml/chf-cdb.toml @@ -0,0 +1,122 @@ +name = "chf-cdb" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of critical depth boundary cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of critical depth boundary information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of critical depth boundary flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that critical depth boundary flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of critical depth boundary cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.idcxs] +block = "period" +name = "idcxs" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "false" +longname = "cross section identifier" +description = "is the identifier for the cross section specified in the CXS Package. A value of zero indicates the zero-depth-gradient calculation will use parameters for a hydraulically wide channel." +numeric_index = "true" + +[period.stress_period_data.stress_period_data.width] +block = "period" +name = "width" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "width of the zero-depth gradient boundary" +description = "is the channel width of the zero-depth gradient boundary. If a cross section is associated with this boundary, the width will be scaled by the cross section information. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each zero-depth-gradient boundary. The values of auxiliary variables must be present for each zero-depth-gradient boundary. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "zero-depth-gradient boundary name" +description = "name of the zero-depth-gradient boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/chf-chd.toml b/spec/toml/chf-chd.toml new file mode 100644 index 0000000..cae6fc6 --- /dev/null +++ b/spec/toml/chf-chd.toml @@ -0,0 +1,129 @@ +name = "chf-chd" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of chd head value." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of constant-head cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant-head information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant-head flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that constant-head flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of constant-head cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.head] +block = "period" +name = "head" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "head value assigned to constant head" +description = "is the head at the boundary. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each constant head. The values of auxiliary variables must be present for each constant head. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "constant head boundary name" +description = "name of the constant head boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/chf-cxs.toml b/spec/toml/chf-cxs.toml new file mode 100644 index 0000000..1ccfb65 --- /dev/null +++ b/spec/toml/chf-cxs.toml @@ -0,0 +1,94 @@ +name = "chf-cxs" +multi = false + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of stream reach information will be written to the listing file immediately after it is read." + +[dimensions.nsections] +name = "nsections" +type = "integer" +block = "dimensions" +description = "integer value specifying the number of cross sections that will be defined. there must be nsections entries in the packagedata block." + +[dimensions.npoints] +name = "npoints" +type = "integer" +block = "dimensions" +description = "integer value specifying the total number of cross-section points defined for all reaches. there must be npoints entries in the crosssectiondata block." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(nsections)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.idcxs] +block = "packagedata" +name = "idcxs" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the cross section number associated with the specified PACKAGEDATA data on the line. IDCXS must be greater than zero and less than or equal to NSECTIONS. Information must be specified for every section or the program will terminate with an error. The program will also terminate with an error if information for a section is specified more than once." +numeric_index = "true" + +[packagedata.packagedata.packagedata.nxspoints] +block = "packagedata" +name = "nxspoints" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "number of points used to define cross section" +description = "integer value that defines the number of points used to define the define the shape of a section. NXSPOINTS must be greater than zero or the program will terminate with an error. NXSPOINTS defines the number of points that must be entered for the reach in the CROSSSECTIONDATA block. The sum of NXSPOINTS for all sections must equal the NPOINTS dimension." + +[crosssectiondata.crosssectiondata] +name = "crosssectiondata" +type = "list" +shape = "(npoints)" +block = "crosssectiondata" + +[crosssectiondata.crosssectiondata.crosssectiondata] +name = "crosssectiondata" +type = "record" +block = "crosssectiondata" + +[crosssectiondata.crosssectiondata.crosssectiondata.xfraction] +block = "crosssectiondata" +name = "xfraction" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "fractional width" +description = "real value that defines the station (x) data for the cross-section as a fraction of the width (WIDTH) of the reach. XFRACTION must be greater than or equal to zero but can be greater than one. XFRACTION values can be used to decrease or increase the width of a reach from the specified reach width (WIDTH)." + +[crosssectiondata.crosssectiondata.crosssectiondata.height] +block = "crosssectiondata" +name = "height" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "depth" +description = "real value that is the height relative to the top of the lowest elevation of the streambed (ELEVATION) and corresponding to the station data on the same line. HEIGHT must be greater than or equal to zero and at least one cross-section height must be equal to zero." + +[crosssectiondata.crosssectiondata.crosssectiondata.manfraction] +block = "crosssectiondata" +name = "manfraction" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "false" +longname = "Manning's roughness coefficient" +description = "real value that defines the Manning's roughness coefficient data for the cross-section as a fraction of the Manning's roughness coefficient for the reach (MANNINGSN) and corresponding to the station data on the same line. MANFRACTION must be greater than zero. MANFRACTION is applied from the XFRACTION value on the same line to the XFRACTION value on the next line." diff --git a/spec/toml/chf-dfw.toml b/spec/toml/chf-dfw.toml new file mode 100644 index 0000000..9b5b0b4 --- /dev/null +++ b/spec/toml/chf-dfw.toml @@ -0,0 +1,77 @@ +name = "chf-dfw" +multi = false + +[options.central_in_space] +name = "central_in_space" +type = "keyword" +block = "options" +description = "keyword to indicate conductance should be calculated using central-in-space weighting instead of the default upstream weighting approach. this option should be used with caution as it does not work well unless all of the stream reaches are saturated. with this option, there is no way for water to flow into a dry reach from connected reaches." + +[options.length_conversion] +name = "length_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients from meters to model length units. length_conversion should be set to 3.28081, 1.0, and 100.0 when using length units (length_units) of feet, meters, or centimeters in the simulation, respectively. length_conversion does not need to be specified if length_units are meters." + +[options.time_conversion] +name = "time_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients from seconds to model time units. time_conversion should be set to 1.0, 60.0, 3,600.0, 86,400.0, and 31,557,600.0 when using time units (time_units) of seconds, minutes, hours, days, or years in the simulation, respectively. time_conversion does not need to be specified if time_units are seconds." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that budget flow terms will be written to the file specified with 'budget save file' in output control." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that calculated flows between cells will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period. this option can produce extremely large list files because all cell-by-cell flows are printed. it should only be used with the dfw package for models that have a small number of cells." + +[options.save_velocity] +name = "save_velocity" +type = "keyword" +block = "options" +description = "keyword to indicate that x, y, and z components of velocity will be calculated at cell centers and written to the budget file, which is specified with 'budget save file' in output control. if this option is activated, then additional information may be required in the discretization packages and the gwf exchange package (if gwf models are coupled). specifically, angldegx must be specified in the connectiondata block of the disu package; angldegx must also be specified for the gwf exchange as an auxiliary variable." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[options.dev_swr_conductance] +name = "dev_swr_conductance" +type = "keyword" +block = "options" +description = "use the conductance formulation in the surface water routing (swr) process for modflow-2005." + +[griddata.manningsn] +name = "manningsn" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "mannings roughness coefficient" + +[griddata.idcxs] +name = "idcxs" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "integer value indication the cross section identifier in the cross section package that applies to the reach. if not provided then reach will be treated as hydraulically wide." diff --git a/spec/toml/chf-dis2d.toml b/spec/toml/chf-dis2d.toml new file mode 100644 index 0000000..2298ec1 --- /dev/null +++ b/spec/toml/chf-dis2d.toml @@ -0,0 +1,82 @@ +name = "chf-dis2d" +multi = false + +[options.length_units] +name = "length_units" +type = "string" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" +type = "keyword" +block = "options" +description = "keyword to deactivate writing of the binary grid file." + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[dimensions.nrow] +name = "nrow" +type = "integer" +block = "dimensions" +description = "is the number of rows in the model grid." +default = 2 + +[dimensions.ncol] +name = "ncol" +type = "integer" +block = "dimensions" +description = "is the number of columns in the model grid." +default = 2 + +[griddata.delr] +name = "delr" +type = "double precision" +shape = "(ncol)" +block = "griddata" +description = "is the column spacing in the row direction." +default = 1.0 + +[griddata.delc] +name = "delc" +type = "double precision" +shape = "(nrow)" +block = "griddata" +description = "is the row spacing in the column direction." +default = 1.0 + +[griddata.bottom] +name = "bottom" +type = "double precision" +shape = "(ncol, nrow)" +block = "griddata" +description = "is the bottom elevation for each cell." + +[griddata.idomain] +name = "idomain" +type = "integer" +shape = "(ncol, nrow)" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." diff --git a/spec/toml/chf-disv1d.toml b/spec/toml/chf-disv1d.toml new file mode 100644 index 0000000..e564591 --- /dev/null +++ b/spec/toml/chf-disv1d.toml @@ -0,0 +1,174 @@ +name = "chf-disv1d" +multi = false + +[options.length_units] +name = "length_units" +type = "string" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" +type = "keyword" +block = "options" +description = "keyword to deactivate writing of the binary grid file." + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[dimensions.nodes] +name = "nodes" +type = "integer" +block = "dimensions" +description = "is the number of linear cells." + +[dimensions.nvert] +name = "nvert" +type = "integer" +block = "dimensions" +description = "is the total number of (x, y, z) vertex pairs used to characterize the model grid." + +[griddata.width] +name = "width" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "real value that defines the width for each one-dimensional cell. width must be greater than zero. if the cross section (cxs) package is used, then the width value will be multiplied by the specified cross section x-fraction values." + +[griddata.bottom] +name = "bottom" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "bottom elevation for the one-dimensional cell." + +[griddata.idomain] +name = "idomain" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" + +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "vertex number" +description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." +numeric_index = "true" + +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "x-coordinate for vertex" +description = "is the x-coordinate for the vertex." + +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "y-coordinate for vertex" +description = "is the y-coordinate for the vertex." + +[cell1d.cell1d] +name = "cell1d" +type = "list" +shape = "(nodes)" +block = "cell1d" + +[cell1d.cell1d.cell1d] +name = "cell1d" +type = "record" +block = "cell1d" + +[cell1d.cell1d.cell1d.icell1d] +block = "cell1d" +name = "icell1d" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cell1d number" +description = "is the cell1d number. Records in the cell1d block must be listed in consecutive order from the first to the last." +numeric_index = "true" + +[cell1d.cell1d.cell1d.fdc] +block = "cell1d" +name = "fdc" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "fractional distance to the cell center" +description = "is the fractional distance to the cell center. FDC is relative to the first vertex in the ICVERT array. In most cases FDC should be 0.5, which would place the center of the line segment that defines the cell. If the value of FDC is 1, the cell center would located at the last vertex. FDC values of 0 and 1 can be used to place the node at either end of the cell which can be useful for cells with boundary conditions." + +[cell1d.cell1d.cell1d.ncvert] +block = "cell1d" +name = "ncvert" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "number of cell vertices" +description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." + +[cell1d.cell1d.cell1d.icvert] +block = "cell1d" +name = "icvert" +type = "integer" +shape = "(ncvert)" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "number of cell vertices" +description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in the order that defines the line representing the cell. Cells that are connected must share vertices. The bottom elevation of the cell is calculated using the ZV of the first and last vertex point and FDC." +numeric_index = "true" diff --git a/spec/toml/chf-disv2d.toml b/spec/toml/chf-disv2d.toml new file mode 100644 index 0000000..0dcd193 --- /dev/null +++ b/spec/toml/chf-disv2d.toml @@ -0,0 +1,178 @@ +name = "chf-disv2d" +multi = false + +[options.length_units] +name = "length_units" +type = "string" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" +type = "keyword" +block = "options" +description = "keyword to deactivate writing of the binary grid file." + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[dimensions.nodes] +name = "nodes" +type = "integer" +block = "dimensions" +description = "is the number of cells per layer. this is a constant value for the grid and it applies to all layers." + +[dimensions.nvert] +name = "nvert" +type = "integer" +block = "dimensions" +description = "is the total number of (x, y) vertex pairs used to characterize the horizontal configuration of the model grid." + +[griddata.bottom] +name = "bottom" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the bottom elevation for each cell." + +[griddata.idomain] +name = "idomain" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1 or greater, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" + +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "vertex number" +description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." +numeric_index = "true" + +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "x-coordinate for vertex" +description = "is the x-coordinate for the vertex." + +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "y-coordinate for vertex" +description = "is the y-coordinate for the vertex." + +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(nodes)" +block = "cell2d" + +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cell2d number" +description = "is the CELL2D number. Records in the CELL2D block must be listed in consecutive order from the first to the last." +numeric_index = "true" + +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "x-coordinate for cell center" +description = "is the x-coordinate for the cell center." + +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "y-coordinate for cell center" +description = "is the y-coordinate for the cell center." + +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "number of cell vertices" +description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." + +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" +type = "integer" +shape = "(ncvert)" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "array of vertex numbers" +description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order. Cells that are connected must share vertices." +numeric_index = "true" diff --git a/spec/toml/chf-flw.toml b/spec/toml/chf-flw.toml new file mode 100644 index 0000000..8112dca --- /dev/null +++ b/spec/toml/chf-flw.toml @@ -0,0 +1,129 @@ +name = "chf-flw" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of flow rate." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of inflow cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of inflow information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of inflow flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that inflow flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of inflow cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.q] +block = "period" +name = "q" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "well rate" +description = "is the volumetric inflow rate. A positive value indicates inflow to the stream. Negative values are not allows. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each inflow. The values of auxiliary variables must be present for each inflow. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "inflow name" +description = "name of the inflow cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/chf-ic.toml b/spec/toml/chf-ic.toml new file mode 100644 index 0000000..87a61f5 --- /dev/null +++ b/spec/toml/chf-ic.toml @@ -0,0 +1,15 @@ +name = "chf-ic" +multi = false + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[griddata.strt] +name = "strt" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the initial (starting) stage---that is, stage at the beginning of the swf model simulation. strt must be specified for all swf model simulations. one value is read for every model reach." diff --git a/spec/toml/chf-nam.toml b/spec/toml/chf-nam.toml new file mode 100644 index 0000000..78f83b3 --- /dev/null +++ b/spec/toml/chf-nam.toml @@ -0,0 +1,93 @@ +name = "chf-nam" +multi = false + +[options.list] +name = "list" +type = "string" +block = "options" +description = "is name of the listing file to create for this swf model. if not specified, then the name of the list file will be the basename of the swf model name file and the '.lst' extension. for example, if the swf name file is called 'my.model.nam' then the list file will be called 'my.model.lst'." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model stress package information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model package flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that all model package flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.newtonoptions] +name = "newtonoptions" +type = "record" +block = "options" +description = "none" + +[options.newtonoptions.newton] +block = "options" +name = "newton" +in_record = "true" +type = "keyword" +reader = "urword" +longname = "keyword to activate Newton-Raphson formulation" +description = "keyword that activates the Newton-Raphson formulation for surface water flow between connected reaches and stress packages that support calculation of Newton-Raphson terms." + +[options.newtonoptions.under_relaxation] +block = "options" +name = "under_relaxation" +in_record = "true" +type = "keyword" +reader = "urword" +optional = "true" +longname = "keyword to activate Newton-Raphson UNDER_RELAXATION option" +description = "keyword that indicates whether the surface water stage in a reach will be under-relaxed when water levels fall below the bottom of the model below any given cell. By default, Newton-Raphson UNDER_RELAXATION is not applied." + +[packages.packages] +name = "packages" +type = "list" +block = "packages" + +[packages.packages.packages] +name = "packages" +type = "record" +block = "packages" + +[packages.packages.packages.ftype] +block = "packages" +name = "ftype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package type" +description = "is the file type, which must be one of the following character values shown in table~ref{table:ftype-swf}. Ftype may be entered in any combination of uppercase and lowercase." + +[packages.packages.packages.fname] +block = "packages" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run." + +[packages.packages.packages.pname] +block = "packages" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +optional = "true" +longname = "user name for package" +description = "is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single SWF Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters." diff --git a/spec/toml/chf-oc.toml b/spec/toml/chf-oc.toml new file mode 100644 index 0000000..a61a735 --- /dev/null +++ b/spec/toml/chf-oc.toml @@ -0,0 +1,257 @@ +name = "chf-oc" +multi = false + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.qoutflow_filerecord] +name = "qoutflow_filerecord" +type = "record" +block = "options" + +[options.qoutflow_filerecord.qoutflow] +block = "options" +name = "qoutflow" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "qoutflow keyword" +description = "keyword to specify that record corresponds to qoutflow." + +[options.qoutflow_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.qoutflow_filerecord.qoutflowfile] +block = "options" +name = "qoutflowfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write conc information." + +[options.stage_filerecord] +name = "stage_filerecord" +type = "record" +block = "options" + +[options.stage_filerecord.stage] +block = "options" +name = "stage" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "stage keyword" +description = "keyword to specify that record corresponds to stage." + +[options.stage_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.stage_filerecord.stagefile] +block = "options" +name = "stagefile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write stage information." + +[options.qoutflowprintrecord] +name = "qoutflowprintrecord" +type = "record" +block = "options" + +[options.qoutflowprintrecord.qoutflow] +block = "options" +name = "qoutflow" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "qoutflow keyword" +description = "keyword to specify that record corresponds to qoutflow." + +[options.qoutflowprintrecord.print_format] +block = "options" +name = "print_format" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to indicate that a print format follows" +description = "keyword to specify format for printing to the listing file." + +[period.saverecord] +name = "saverecord" +type = "record" +block = "period" + +[period.saverecord.save] +block = "period" +name = "save" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be saved this stress period." + +[period.saverecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET." + +[period.saverecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." + +[period.printrecord] +name = "printrecord" +type = "record" +block = "period" + +[period.printrecord.print] +block = "period" +name = "print" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be printed this stress period." + +[period.printrecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET." + +[period.printrecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." diff --git a/spec/toml/chf-sto.toml b/spec/toml/chf-sto.toml new file mode 100644 index 0000000..b4e18fa --- /dev/null +++ b/spec/toml/chf-sto.toml @@ -0,0 +1,26 @@ +name = "chf-sto" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that cell-by-cell flow terms will be written to the file specified with 'budget save file' in output control." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input grid arrays, which already support the layered keyword, should be written to layered ascii output files." + +[period.steady-state] +name = "steady-state" +type = "keyword" +block = "period" +description = "keyword to indicate that stress period iper is steady-state. steady-state conditions will apply until the transient keyword is specified in a subsequent begin period block." + +[period.transient] +name = "transient" +type = "keyword" +block = "period" +description = "keyword to indicate that stress period iper is transient. transient conditions will apply until the steady-state keyword is specified in a subsequent begin period block." diff --git a/spec/toml/chf-zdg.toml b/spec/toml/chf-zdg.toml new file mode 100644 index 0000000..a8a71eb --- /dev/null +++ b/spec/toml/chf-zdg.toml @@ -0,0 +1,158 @@ +name = "chf-zdg" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of zero-depth-gradient boundary cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of zero-depth-gradient boundary information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of zero-depth-gradient boundary flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that zero-depth-gradient boundary flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of zero-depth-gradient boundary cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.idcxs] +block = "period" +name = "idcxs" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "false" +longname = "cross section identifier" +description = "is the identifier for the cross section specified in the CXS Package. A value of zero indicates the zero-depth-gradient calculation will use parameters for a hydraulically wide channel." +numeric_index = "true" + +[period.stress_period_data.stress_period_data.width] +block = "period" +name = "width" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "width of the zero-depth gradient boundary" +description = "is the channel width of the zero-depth gradient boundary. If a cross section is associated with this boundary, the width will be scaled by the cross section information. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.slope] +block = "period" +name = "slope" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "channel slope" +description = "is the channel slope used to calculate flow to the zero-depth-gradient boundary. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.rough] +block = "period" +name = "rough" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "channel roughness" +description = "is the Manning channel roughness value used to calculate flow to the zero-depth-gradient boundary. If a cross section is associated with this boundary, the roughness value will be multiplied by the roughness fraction for each part of the cross section. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each zero-depth-gradient boundary. The values of auxiliary variables must be present for each zero-depth-gradient boundary. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "zero-depth-gradient boundary name" +description = "name of the zero-depth-gradient boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/exg-chfgwf.toml b/spec/toml/exg-chfgwf.toml new file mode 100644 index 0000000..3c3972f --- /dev/null +++ b/spec/toml/exg-chfgwf.toml @@ -0,0 +1,96 @@ +name = "exg-chfgwf" +multi = true + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange entries will be echoed to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which 'save budget' is specified in output control." + +[options.fixed_conductance] +name = "fixed_conductance" +type = "keyword" +block = "options" +description = "keyword to indicate that the product of the bedleak and cfact input variables in the exchangedata block represents conductance. this conductance is fixed and does not change as a function of head in the surface water and groundwater models." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.nexg] +name = "nexg" +type = "integer" +block = "dimensions" +description = "keyword and integer value specifying the number of swf-gwf exchanges." + +[exchangedata.exchangedata] +name = "exchangedata" +type = "list" +shape = "(nexg)" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata] +name = "exchangedata" +type = "record" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata.cellidm1] +block = "exchangedata" +name = "cellidm1" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of cell in surface water model" +description = "is the cellid of the cell in model 1, which must be the surface water model. For a structured grid that uses the DIS input file, CELLIDM1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM1 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.cellidm2] +block = "exchangedata" +name = "cellidm2" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of cell in groundwater model" +description = "is the cellid of the cell in model 2, which must be the groundwater model. For a structured grid that uses the DIS input file, CELLIDM2 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM2 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM2 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.bedleak] +block = "exchangedata" +name = "bedleak" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "bed leakance" +description = "is the leakance between the surface water and groundwater. bedleak has dimensions of 1/T and is equal to the hydraulic conductivity of the bed sediments divided by the thickness of the bed sediments." + +[exchangedata.exchangedata.exchangedata.cfact] +block = "exchangedata" +name = "cfact" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "factor used for conductance calculation" +description = "is the factor used for the conductance calculation. The definition for this parameter depends the type of surface water model and whether or not the fixed_conductance option is specified. If the fixed_conductance option is specified, then the hydraulic conductance is calculated as the product of bedleak and cfact. In this case, the conductance is fixed and does not change as a function of the calculated surface water and groundwater head. If the fixed_conductance option is not specified, then the definition of cfact depends on whether the surface water model represents one-dimensional channel flow or two-dimensional overland flow. If the surface water model represents one-dimensional channel flow, then cfact is the length of the channel cell in the groundwater model cell. If the surface water model represents two-dimensional overland flow, then cfact is the intersection area of the overland flow cell and the underlying groundwater model cell." diff --git a/spec/toml/exg-gwegwe.toml b/spec/toml/exg-gwegwe.toml new file mode 100644 index 0000000..fdfaa40 --- /dev/null +++ b/spec/toml/exg-gwegwe.toml @@ -0,0 +1,204 @@ +name = "exg-gwegwe" +multi = true + +[options.gwfmodelname1] +name = "gwfmodelname1" +type = "string" +block = "options" +description = "keyword to specify name of first corresponding gwf model. in the simulation name file, the gwe6-gwe6 entry contains names for gwe models (exgmnamea and exgmnameb). the gwe model with the name exgmnamea must correspond to the gwf model with the name gwfmodelname1." + +[options.gwfmodelname2] +name = "gwfmodelname2" +type = "string" +block = "options" +description = "keyword to specify name of second corresponding gwf model. in the simulation name file, the gwe6-gwe6 entry contains names for gwe models (exgmnamea and exgmnameb). the gwe model with the name exgmnameb must correspond to the gwf model with the name gwfmodelname2." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "an array of auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided. most auxiliary variables will not be used by the gwf-gwf exchange, but they will be available for use by other parts of the program. if an auxiliary variable with the name 'angldegx' is found, then this information will be used as the angle (provided in degrees) between the connection face normal and the x axis, where a value of zero indicates that a normal vector points directly along the positive x axis. the connection face normal is a normal vector on the cell face shared between the cell in model 1 and the cell in model 2 pointing away from the model 1 cell. additional information on 'angldegx' is provided in the description of the disu package. if an auxiliary variable with the name 'cdist' is found, then this information will be used as the straight-line connection distance, including the vertical component, between the two cell centers. both angldegx and cdist are required if specific discharge is calculated for either of the groundwater models." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of gwe exchange cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange entries will be echoed to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which 'save budget' is specified in output control." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that cell-by-cell flow terms will be written to the budget file for each model provided that the output control for the models are set up with the 'budget save file' option." + +[options.adv_scheme] +name = "adv_scheme" +type = "string" +block = "options" +description = "scheme used to solve the advection term. can be upstream, central, or tvd. if not specified, upstream weighting is the default weighting scheme." + +[options.cnd_xt3d_off] +name = "cnd_xt3d_off" +type = "keyword" +block = "options" +description = "deactivate the xt3d method for the dispersive flux and use the faster and less accurate approximation for this exchange." + +[options.cnd_xt3d_rhs] +name = "cnd_xt3d_rhs" +type = "keyword" +block = "options" +description = "add xt3d dispersion terms to right-hand side, when possible, for this exchange." + +[options.perioddata] +name = "perioddata" +type = "record" +block = "options" +description = "Contains data for the mve package. Data can be stored in a dictionary containing data for the mve package with variable names as keys and package data as values. Data just for the perioddata variable is also acceptable. See mve package documentation for more information" + +[options.perioddata.subpackage] +parent = "parent_model_or_package" +key = "mve_filerecord" +val = "perioddata" +abbr = "mve" +param = "perioddata" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.dev_interfacemodel_on] +name = "dev_interfacemodel_on" +type = "keyword" +block = "options" +description = "activates the interface model mechanism for calculating the coefficients at (and possibly near) the exchange. this keyword should only be used for development purposes." + +[dimensions.nexg] +name = "nexg" +type = "integer" +block = "dimensions" +description = "keyword and integer value specifying the number of gwe-gwe exchanges." + +[exchangedata.exchangedata] +name = "exchangedata" +type = "list" +shape = "(nexg)" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata] +name = "exchangedata" +type = "record" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata.cellidm1] +block = "exchangedata" +name = "cellidm1" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of first cell" +description = "is the cellid of the cell in model 1 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM1 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.cellidm2] +block = "exchangedata" +name = "cellidm2" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of second cell" +description = "is the cellid of the cell in model 2 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM2 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM2 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM2 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.ihc] +block = "exchangedata" +name = "ihc" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "integer flag for connection type" +description = "is an integer flag indicating the direction between node n and all of its m connections. If IHC = 0 then the connection is vertical. If IHC = 1 then the connection is horizontal. If IHC = 2 then the connection is horizontal for a vertically staggered grid." + +[exchangedata.exchangedata.exchangedata.cl1] +block = "exchangedata" +name = "cl1" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "connection distance" +description = "is the distance between the center of cell 1 and the its shared face with cell 2." + +[exchangedata.exchangedata.exchangedata.cl2] +block = "exchangedata" +name = "cl2" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "connection distance" +description = "is the distance between the center of cell 2 and the its shared face with cell 1." + +[exchangedata.exchangedata.exchangedata.hwva] +block = "exchangedata" +name = "hwva" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "horizontal cell width or area for vertical flow" +description = "is the horizontal width of the flow connection between cell 1 and cell 2 if IHC $>$ 0, or it is the area perpendicular to flow of the vertical connection between cell 1 and cell 2 if IHC = 0." + +[exchangedata.exchangedata.exchangedata.aux] +block = "exchangedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each GWEGWE Exchange. The values of auxiliary variables must be present for each exchange. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block." +mf6internal = "auxvar" + +[exchangedata.exchangedata.exchangedata.boundname] +block = "exchangedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "exchange boundname" +description = "name of the GWE Exchange cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/exg-gwfgwe.toml b/spec/toml/exg-gwfgwe.toml new file mode 100644 index 0000000..7282f49 --- /dev/null +++ b/spec/toml/exg-gwfgwe.toml @@ -0,0 +1,2 @@ +name = "exg-gwfgwe" +multi = false diff --git a/spec/toml/exg-gwfgwf.toml b/spec/toml/exg-gwfgwf.toml index 6a19877..a409298 100644 --- a/spec/toml/exg-gwfgwf.toml +++ b/spec/toml/exg-gwfgwf.toml @@ -1,551 +1,230 @@ -component = "EXG" -subcomponent = "GWFGWF" -blocknames = [ "options", "dimensions", "exchangedata",] -multipkg = false -stress = false -advanced = false +name = "exg-gwfgwf" multi = true -[block.options.auxiliary] +[options.auxiliary] +name = "auxiliary" type = "string" -block_variable = false -valid = [] shape = "(naux)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to specify aux variables" -description = "an array of auxiliary variable names. There is no limit on the number of auxiliary variables that can be provided. Most auxiliary variables will not be used by the GWF-GWF Exchange, but they will be available for use by other parts of the program. If an auxiliary variable with the name ``ANGLDEGX'' is found, then this information will be used as the angle (provided in degrees) between the connection face normal and the x axis, where a value of zero indicates that a normal vector points directly along the positive x axis. The connection face normal is a normal vector on the cell face shared between the cell in model 1 and the cell in model 2 pointing away from the model 1 cell. Additional information on ``ANGLDEGX'' and when it is required is provided in the description of the DISU Package. If an auxiliary variable with the name ``CDIST'' is found, then this information will be used in the calculation of specific discharge within model cells connected by the exchange. For a horizontal connection, CDIST should be specified as the horizontal distance between the cell centers, and should not include the vertical component. For vertical connections, CDIST should be specified as the difference in elevation between the two cell centers. Both ANGLDEGX and CDIST are required if specific discharge is calculated for either of the groundwater models." -deprecated = "" +block = "options" +description = "an array of auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided. most auxiliary variables will not be used by the gwf-gwf exchange, but they will be available for use by other parts of the program. if an auxiliary variable with the name 'angldegx' is found, then this information will be used as the angle (provided in degrees) between the connection face normal and the x axis, where a value of zero indicates that a normal vector points directly along the positive x axis. the connection face normal is a normal vector on the cell face shared between the cell in model 1 and the cell in model 2 pointing away from the model 1 cell. additional information on 'angldegx' and when it is required is provided in the description of the disu package. if an auxiliary variable with the name 'cdist' is found, then this information will be used in the calculation of specific discharge within model cells connected by the exchange. for a horizontal connection, cdist should be specified as the horizontal distance between the cell centers, and should not include the vertical component. for vertical connections, cdist should be specified as the difference in elevation between the two cell centers. both angldegx and cdist are required if specific discharge is calculated for either of the groundwater models." -[block.options.boundnames] +[options.boundnames] +name = "boundnames" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "REPLACE boundnames {'{#1}': 'GWF Exchange'}" -deprecated = "" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of gwf exchange cells." -[block.options.print_input] +[options.print_input] +name = "print_input" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to print input to list file" +block = "options" description = "keyword to indicate that the list of exchange entries will be echoed to the listing file immediately after it is read." -deprecated = "" -[block.options.print_flows] +[options.print_flows] +name = "print_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to print gwfgwf flows to list file" -description = "keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which ``SAVE BUDGET'' is specified in Output Control." -deprecated = "" +block = "options" +description = "keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which 'save budget' is specified in output control." -[block.options.save_flows] +[options.save_flows] +name = "save_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to save GWFGWF flows" -description = "keyword to indicate that cell-by-cell flow terms will be written to the budget file for each model provided that the Output Control for the models are set up with the ``BUDGET SAVE FILE'' option." -deprecated = "" +block = "options" +description = "keyword to indicate that cell-by-cell flow terms will be written to the budget file for each model provided that the output control for the models are set up with the 'budget save file' option." -[block.options.cell_averaging] +[options.cell_averaging] +name = "cell_averaging" type = "string" -block_variable = false -valid = [ "harmonic", "logarithmic", "amt-lmk",] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "conductance weighting option" -description = "is a keyword and text keyword to indicate the method that will be used for calculating the conductance for horizontal cell connections. The text value for CELL_AVERAGING can be ``HARMONIC'', ``LOGARITHMIC'', or ``AMT-LMK'', which means ``arithmetic-mean thickness and logarithmic-mean hydraulic conductivity''. If the user does not specify a value for CELL_AVERAGING, then the harmonic-mean method will be used." -deprecated = "" +block = "options" +description = "is a keyword and text keyword to indicate the method that will be used for calculating the conductance for horizontal cell connections. the text value for cell_averaging can be 'harmonic', 'logarithmic', or 'amt-lmk', which means 'arithmetic-mean thickness and logarithmic-mean hydraulic conductivity'. if the user does not specify a value for cell_averaging, then the harmonic-mean method will be used." -[block.options.cvoptions] -type = "record variablecv dewatered" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "vertical conductance options" +[options.cvoptions] +name = "cvoptions" +type = "record" +block = "options" description = "none" -deprecated = "" -[block.options.variablecv] +[options.cvoptions.variablecv] +block = "options" +name = "variablecv" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "keyword to activate VARIABLECV option" description = "keyword to indicate that the vertical conductance will be calculated using the saturated thickness and properties of the overlying cell and the thickness and properties of the underlying cell. If the DEWATERED keyword is also specified, then the vertical conductance is calculated using only the saturated thickness and properties of the overlying cell if the head in the underlying cell is below its top. If these keywords are not specified, then the default condition is to calculate the vertical conductance at the start of the simulation using the initial head and the cell properties. The vertical conductance remains constant for the entire simulation." -deprecated = "" -[block.options.dewatered] +[options.cvoptions.dewatered] +block = "options" +name = "dewatered" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "keyword to activate DEWATERED option" description = "If the DEWATERED keyword is specified, then the vertical conductance is calculated using only the saturated thickness and properties of the overlying cell if the head in the underlying cell is below its top." -deprecated = "" -[block.options.newton] +[options.newton] +name = "newton" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to activate Newton-Raphson" -description = "keyword that activates the Newton-Raphson formulation for groundwater flow between connected, convertible groundwater cells. Cells will not dry when this option is used." -deprecated = "" - -[block.options.xt3d] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to activate XT3D" -description = "keyword that activates the XT3D formulation between the cells connected with this GWF-GWF Exchange." -deprecated = "" +block = "options" +description = "keyword that activates the newton-raphson formulation for groundwater flow between connected, convertible groundwater cells. cells will not dry when this option is used." -[block.options.gnc_filerecord] -type = "record gnc6 filein gnc6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.filein] +[options.xt3d] +name = "xt3d" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" - -[block.options.gnc6] +block = "options" +description = "keyword that activates the xt3d formulation between the cells connected with this gwf-gwf exchange." + +[options.gncdata] +name = "gncdata" +type = "record" +block = "options" +description = "Contains data for the gnc package. Data can be stored in a dictionary containing data for the gnc package with variable names as keys and package data as values. Data just for the gncdata variable is also acceptable. See gnc package documentation for more information" + +[options.gncdata.subpackage] +parent = "parent_model_or_package" +key = "gnc_filerecord" +val = "gncdata" +abbr = "gnc" +param = "gncdata" + +[options.perioddata] +name = "perioddata" +type = "record" +block = "options" +description = "Contains data for the mvr package. Data can be stored in a dictionary containing data for the mvr package with variable names as keys and package data as values. Data just for the perioddata variable is also acceptable. See mvr package documentation for more information" + +[options.perioddata.subpackage] +parent = "parent_model_or_package" +key = "mvr_filerecord" +val = "perioddata" +abbr = "mvr" +param = "perioddata" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.dev_interfacemodel_on] +name = "dev_interfacemodel_on" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "gnc6 keyword" -description = "keyword to specify that record corresponds to a ghost-node correction file." -deprecated = "" +block = "options" +description = "activates the interface model mechanism for calculating the coefficients at (and possibly near) the exchange. this keyword should only be used for development purposes." -[block.options.gnc6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "gnc6 input filename" -description = "is the file name for ghost node correction input file. Information for the ghost nodes are provided in the file provided with these keywords. The format for specifying the ghost nodes is the same as described for the GNC Package of the GWF Model. This includes specifying OPTIONS, DIMENSIONS, and GNCDATA blocks. The order of the ghost nodes must follow the same order as the order of the cells in the EXCHANGEDATA block. For the GNCDATA, noden and all of the nodej values are assumed to be located in model 1, and nodem is assumed to be in model 2." -deprecated = "" - -[block.options.mvr_filerecord] -type = "record mvr6 filein mvr6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.mvr6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "obs keyword" -description = "keyword to specify that record corresponds to a mover file." -deprecated = "" - -[block.options.mvr6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "mvr6 input filename" -description = "is the file name of the water mover input file to apply to this exchange. Information for the water mover are provided in the file provided with these keywords. The format for specifying the water mover information is the same as described for the Water Mover (MVR) Package of the GWF Model, with two exceptions. First, in the PACKAGES block, the model name must be included as a separate string before each package. Second, the appropriate model name must be included before package name 1 and package name 2 in the BEGIN PERIOD block. This allows providers and receivers to be located in both models listed as part of this exchange." -deprecated = "" - -[block.options.obs_filerecord] -type = "record obs6 filein obs6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.obs6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "obs keyword" -description = "keyword to specify that record corresponds to an observations file." -deprecated = "" - -[block.options.obs6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "obs6 input filename" -description = "is the file name of the observations input file for this exchange. See the ``Observation utility'' section for instructions for preparing observation input files. Table ref{table:gwf-obstypetable} lists observation type(s) supported by the GWF-GWF package." -deprecated = "" +[dimensions.nexg] +name = "nexg" +type = "integer" +block = "dimensions" +description = "keyword and integer value specifying the number of gwf-gwf exchanges." -[block.options.dev_interfacemodel_on] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "activate interface model on exchange" -description = "activates the interface model mechanism for calculating the coefficients at (and possibly near) the exchange. This keyword should only be used for development purposes." -deprecated = "" +[exchangedata.exchangedata] +name = "exchangedata" +type = "list" +shape = "(nexg)" +block = "exchangedata" -[block.dimensions.nexg] -type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of exchanges" -description = "keyword and integer value specifying the number of GWF-GWF exchanges." -deprecated = "" +[exchangedata.exchangedata.exchangedata] +name = "exchangedata" +type = "record" +block = "exchangedata" -[block.exchangedata.cellidm1] +[exchangedata.exchangedata.exchangedata.cellidm1] +block = "exchangedata" +name = "cellidm1" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cellid of first cell" description = "is the cellid of the cell in model 1 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM1 is the node number for the cell." -deprecated = "" +numeric_index = "true" -[block.exchangedata.cellidm2] +[exchangedata.exchangedata.exchangedata.cellidm2] +block = "exchangedata" +name = "cellidm2" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cellid of second cell" description = "is the cellid of the cell in model 2 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM2 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM2 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM2 is the node number for the cell." -deprecated = "" +numeric_index = "true" -[block.exchangedata.ihc] +[exchangedata.exchangedata.exchangedata.ihc] +block = "exchangedata" +name = "ihc" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "integer flag for connection type" description = "is an integer flag indicating the direction between node n and all of its m connections. If IHC = 0 then the connection is vertical. If IHC = 1 then the connection is horizontal. If IHC = 2 then the connection is horizontal for a vertically staggered grid." -deprecated = "" -[block.exchangedata.cl1] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[exchangedata.exchangedata.exchangedata.cl1] +block = "exchangedata" +name = "cl1" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "connection distance" description = "is the distance between the center of cell 1 and the its shared face with cell 2." -deprecated = "" -[block.exchangedata.cl2] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[exchangedata.exchangedata.exchangedata.cl2] +block = "exchangedata" +name = "cl2" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "connection distance" description = "is the distance between the center of cell 2 and the its shared face with cell 1." -deprecated = "" -[block.exchangedata.hwva] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[exchangedata.exchangedata.exchangedata.hwva] +block = "exchangedata" +name = "hwva" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "horizontal cell width or area for vertical flow" description = "is the horizontal width of the flow connection between cell 1 and cell 2 if IHC $>$ 0, or it is the area perpendicular to flow of the vertical connection between cell 1 and cell 2 if IHC = 0." -deprecated = "" -[block.exchangedata.aux] -type = "double" -block_variable = false -valid = [] +[exchangedata.exchangedata.exchangedata.aux] +block = "exchangedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" shape = "(naux)" -tagged = false -in_record = true -layered = false -time_series = false reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "auxiliary variables" description = "represents the values of the auxiliary variables for each GWFGWF Exchange. The values of auxiliary variables must be present for each exchange. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block." -deprecated = "" +mf6internal = "auxvar" -[block.exchangedata.boundname] +[exchangedata.exchangedata.exchangedata.boundname] +block = "exchangedata" +name = "boundname" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" +in_record = "true" reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "exchange boundname" -description = "REPLACE boundname {'{#1}': 'GWF Exchange'}" -deprecated = "" - -[block.exchangedata.exchangedata] -type = "recarray cellidm1 cellidm2 ihc cl1 cl2 hwva aux boundname" -block_variable = false -valid = [] -shape = "(nexg)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "exchange data" -description = "" -deprecated = "" +description = "name of the GWF Exchange cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/exg-gwfgwt.toml b/spec/toml/exg-gwfgwt.toml new file mode 100644 index 0000000..a3e88c0 --- /dev/null +++ b/spec/toml/exg-gwfgwt.toml @@ -0,0 +1,2 @@ +name = "exg-gwfgwt" +multi = false diff --git a/spec/toml/exg-gwfprt.toml b/spec/toml/exg-gwfprt.toml new file mode 100644 index 0000000..be9e350 --- /dev/null +++ b/spec/toml/exg-gwfprt.toml @@ -0,0 +1,2 @@ +name = "exg-gwfprt" +multi = false diff --git a/spec/toml/exg-gwtgwt.toml b/spec/toml/exg-gwtgwt.toml new file mode 100644 index 0000000..a5370a3 --- /dev/null +++ b/spec/toml/exg-gwtgwt.toml @@ -0,0 +1,204 @@ +name = "exg-gwtgwt" +multi = true + +[options.gwfmodelname1] +name = "gwfmodelname1" +type = "string" +block = "options" +description = "keyword to specify name of first corresponding gwf model. in the simulation name file, the gwt6-gwt6 entry contains names for gwt models (exgmnamea and exgmnameb). the gwt model with the name exgmnamea must correspond to the gwf model with the name gwfmodelname1." + +[options.gwfmodelname2] +name = "gwfmodelname2" +type = "string" +block = "options" +description = "keyword to specify name of second corresponding gwf model. in the simulation name file, the gwt6-gwt6 entry contains names for gwt models (exgmnamea and exgmnameb). the gwt model with the name exgmnameb must correspond to the gwf model with the name gwfmodelname2." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "an array of auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided. most auxiliary variables will not be used by the gwt-gwt exchange, but they will be available for use by other parts of the program. if an auxiliary variable with the name 'angldegx' is found, then this information will be used as the angle (provided in degrees) between the connection face normal and the x axis, where a value of zero indicates that a normal vector points directly along the positive x axis. the connection face normal is a normal vector on the cell face shared between the cell in model 1 and the cell in model 2 pointing away from the model 1 cell. additional information on 'angldegx' is provided in the description of the disu package. angldegx must be specified if dispersion is simulated in the connected gwt models." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of gwt exchange cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange entries will be echoed to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which 'save budget' is specified in output control." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that cell-by-cell flow terms will be written to the budget file for each model provided that the output control for the models are set up with the 'budget save file' option." + +[options.adv_scheme] +name = "adv_scheme" +type = "string" +block = "options" +description = "scheme used to solve the advection term. can be upstream, central, or tvd. if not specified, upstream weighting is the default weighting scheme." + +[options.dsp_xt3d_off] +name = "dsp_xt3d_off" +type = "keyword" +block = "options" +description = "deactivate the xt3d method for the dispersive flux and use the faster and less accurate approximation for this exchange." + +[options.dsp_xt3d_rhs] +name = "dsp_xt3d_rhs" +type = "keyword" +block = "options" +description = "add xt3d dispersion terms to right-hand side, when possible, for this exchange." + +[options.perioddata] +name = "perioddata" +type = "record" +block = "options" +description = "Contains data for the mvt package. Data can be stored in a dictionary containing data for the mvt package with variable names as keys and package data as values. Data just for the perioddata variable is also acceptable. See mvt package documentation for more information" + +[options.perioddata.subpackage] +parent = "parent_model_or_package" +key = "mvt_filerecord" +val = "perioddata" +abbr = "mvt" +param = "perioddata" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.dev_interfacemodel_on] +name = "dev_interfacemodel_on" +type = "keyword" +block = "options" +description = "activates the interface model mechanism for calculating the coefficients at (and possibly near) the exchange. this keyword should only be used for development purposes." + +[dimensions.nexg] +name = "nexg" +type = "integer" +block = "dimensions" +description = "keyword and integer value specifying the number of gwt-gwt exchanges." + +[exchangedata.exchangedata] +name = "exchangedata" +type = "list" +shape = "(nexg)" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata] +name = "exchangedata" +type = "record" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata.cellidm1] +block = "exchangedata" +name = "cellidm1" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of first cell" +description = "is the cellid of the cell in model 1 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM1 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.cellidm2] +block = "exchangedata" +name = "cellidm2" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of second cell" +description = "is the cellid of the cell in model 2 as specified in the simulation name file. For a structured grid that uses the DIS input file, CELLIDM2 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM2 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM2 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.ihc] +block = "exchangedata" +name = "ihc" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "integer flag for connection type" +description = "is an integer flag indicating the direction between node n and all of its m connections. If IHC = 0 then the connection is vertical. If IHC = 1 then the connection is horizontal. If IHC = 2 then the connection is horizontal for a vertically staggered grid." + +[exchangedata.exchangedata.exchangedata.cl1] +block = "exchangedata" +name = "cl1" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "connection distance" +description = "is the distance between the center of cell 1 and the its shared face with cell 2." + +[exchangedata.exchangedata.exchangedata.cl2] +block = "exchangedata" +name = "cl2" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "connection distance" +description = "is the distance between the center of cell 2 and the its shared face with cell 1." + +[exchangedata.exchangedata.exchangedata.hwva] +block = "exchangedata" +name = "hwva" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "horizontal cell width or area for vertical flow" +description = "is the horizontal width of the flow connection between cell 1 and cell 2 if IHC $>$ 0, or it is the area perpendicular to flow of the vertical connection between cell 1 and cell 2 if IHC = 0." + +[exchangedata.exchangedata.exchangedata.aux] +block = "exchangedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each GWTGWT Exchange. The values of auxiliary variables must be present for each exchange. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block." +mf6internal = "auxvar" + +[exchangedata.exchangedata.exchangedata.boundname] +block = "exchangedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "exchange boundname" +description = "name of the GWT Exchange cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/exg-olfgwf.toml b/spec/toml/exg-olfgwf.toml new file mode 100644 index 0000000..1fff99a --- /dev/null +++ b/spec/toml/exg-olfgwf.toml @@ -0,0 +1,96 @@ +name = "exg-olfgwf" +multi = true + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange entries will be echoed to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of exchange flow rates will be printed to the listing file for every stress period in which 'save budget' is specified in output control." + +[options.fixed_conductance] +name = "fixed_conductance" +type = "keyword" +block = "options" +description = "keyword to indicate that the product of the bedleak and cfact input variables in the exchangedata block represents conductance. this conductance is fixed and does not change as a function of head in the surface water and groundwater models." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.nexg] +name = "nexg" +type = "integer" +block = "dimensions" +description = "keyword and integer value specifying the number of swf-gwf exchanges." + +[exchangedata.exchangedata] +name = "exchangedata" +type = "list" +shape = "(nexg)" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata] +name = "exchangedata" +type = "record" +block = "exchangedata" + +[exchangedata.exchangedata.exchangedata.cellidm1] +block = "exchangedata" +name = "cellidm1" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of cell in surface water model" +description = "is the cellid of the cell in model 1, which must be the surface water model. For a structured grid that uses the DIS input file, CELLIDM1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM1 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.cellidm2] +block = "exchangedata" +name = "cellidm2" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cellid of cell in groundwater model" +description = "is the cellid of the cell in model 2, which must be the groundwater model. For a structured grid that uses the DIS input file, CELLIDM2 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM2 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM2 is the node number for the cell." +numeric_index = "true" + +[exchangedata.exchangedata.exchangedata.bedleak] +block = "exchangedata" +name = "bedleak" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "bed leakance" +description = "is the leakance between the surface water and groundwater. bedleak has dimensions of 1/T and is equal to the hydraulic conductivity of the bed sediments divided by the thickness of the bed sediments." + +[exchangedata.exchangedata.exchangedata.cfact] +block = "exchangedata" +name = "cfact" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "factor used for conductance calculation" +description = "is the factor used for the conductance calculation. The definition for this parameter depends the type of surface water model and whether or not the fixed_conductance option is specified. If the fixed_conductance option is specified, then the hydraulic conductance is calculated as the product of bedleak and cfact. In this case, the conductance is fixed and does not change as a function of the calculated surface water and groundwater head. If the fixed_conductance option is not specified, then the definition of cfact depends on whether the surface water model represents one-dimensional channel flow or two-dimensional overland flow. If the surface water model represents one-dimensional channel flow, then cfact is the length of the channel cell in the groundwater model cell. If the surface water model represents two-dimensional overland flow, then cfact is the intersection area of the overland flow cell and the underlying groundwater model cell." diff --git a/spec/toml/gwe-adv.toml b/spec/toml/gwe-adv.toml new file mode 100644 index 0000000..2cd4f5f --- /dev/null +++ b/spec/toml/gwe-adv.toml @@ -0,0 +1,8 @@ +name = "gwe-adv" +multi = false + +[options.scheme] +name = "scheme" +type = "string" +block = "options" +description = "scheme used to solve the advection term. can be upstream, central, or tvd. if not specified, upstream weighting is the default weighting scheme." diff --git a/spec/toml/gwe-cnd.toml b/spec/toml/gwe-cnd.toml new file mode 100644 index 0000000..6714f98 --- /dev/null +++ b/spec/toml/gwe-cnd.toml @@ -0,0 +1,75 @@ +name = "gwe-cnd" +multi = false + +[options.xt3d_off] +name = "xt3d_off" +type = "keyword" +block = "options" +description = "deactivate the xt3d method and use the faster and less accurate approximation. this option may provide a fast and accurate solution under some circumstances, such as when flow aligns with the model grid, there is no mechanical dispersion, or when the longitudinal and transverse dispersivities are equal. this option may also be used to assess the computational demand of the xt3d approach by noting the run time differences with and without this option on." + +[options.xt3d_rhs] +name = "xt3d_rhs" +type = "keyword" +block = "options" +description = "add xt3d terms to right-hand side, when possible. this option uses less memory, but may require more iterations." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[options.export_array_netcdf] +name = "export_array_netcdf" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." + +[griddata.alh] +name = "alh" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "longitudinal dispersivity in horizontal direction. if flow is strictly horizontal, then this is the longitudinal dispersivity that will be used. if flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both alh and alv. if mechanical dispersion is represented (by specifying any dispersivity values) then this array is required." + +[griddata.alv] +name = "alv" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "longitudinal dispersivity in vertical direction. if flow is strictly vertical, then this is the longitudinal dispsersivity value that will be used. if flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both alh and alv. if this value is not specified and mechanical dispersion is represented, then this array is set equal to alh." + +[griddata.ath1] +name = "ath1" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "transverse dispersivity in horizontal direction. this is the transverse dispersivity value for the second ellipsoid axis. if flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the y direction. if mechanical dispersion is represented (by specifying any dispersivity values) then this array is required." + +[griddata.ath2] +name = "ath2" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "transverse dispersivity in horizontal direction. this is the transverse dispersivity value for the third ellipsoid axis. if flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the z direction. if this value is not specified and mechanical dispersion is represented, then this array is set equal to ath1." + +[griddata.atv] +name = "atv" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "transverse dispersivity when flow is in vertical direction. if flow is strictly vertical and directed in the z direction, then this value controls spreading in the x and y directions. if this value is not specified and mechanical dispersion is represented, then this array is set equal to ath2." + +[griddata.ktw] +name = "ktw" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "thermal conductivity of the simulated fluid. note that the cnd package does not account for the tortuosity of the flow paths when solving for the conductive spread of heat. if tortuosity plays an important role in the thermal conductivity calculation, its effect should be reflected in the value specified for ktw." + +[griddata.kts] +name = "kts" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "thermal conductivity of the aquifer material" diff --git a/spec/toml/gwe-ctp.toml b/spec/toml/gwe-ctp.toml new file mode 100644 index 0000000..a862df9 --- /dev/null +++ b/spec/toml/gwe-ctp.toml @@ -0,0 +1,131 @@ +name = "gwe-ctp" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of temperature value." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of constant temperature cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant temperature information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant temperature flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that constant temperature flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of constant temperatures cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.temp] +block = "period" +name = "temp" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "constant temperature value" +description = "is the constant temperature value. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "tspvar" + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each constant temperature. The values of auxiliary variables must be present for each constant temperature. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "constant temperature name" +description = "name of the constant temperature cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwe-dis.toml b/spec/toml/gwe-dis.toml index 80214f3..946d693 100644 --- a/spec/toml/gwe-dis.toml +++ b/spec/toml/gwe-dis.toml @@ -1,336 +1,116 @@ -component = "GWE" -subcomponent = "DIS" -blocknames = [ "options", "dimensions", "griddata",] -multipkg = false -stress = false -advanced = false +name = "gwe-dis" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position of the model grid origin" -description = "x-position of the lower-left corner of the model grid. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position of the model grid origin" -description = "y-position of the lower-left corner of the model grid. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" - -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "1" -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" +default = 1 -[block.dimensions.nrow] +[dimensions.nrow] +name = "nrow" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of rows" +block = "dimensions" description = "is the number of rows in the model grid." -deprecated = "" +default = 2 -[block.dimensions.ncol] +[dimensions.ncol] +name = "ncol" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the number of columns in the model grid." -deprecated = "" +default = 2 -[block.griddata.delr] -type = "double" -block_variable = false -valid = [] +[griddata.delr] +name = "delr" +type = "double precision" shape = "(ncol)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a row" +block = "griddata" description = "is the column spacing in the row direction." -deprecated = "" +default = 1.0 -[block.griddata.delc] -type = "double" -block_variable = false -valid = [] +[griddata.delc] +name = "delc" +type = "double precision" shape = "(nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a column" +block = "griddata" description = "is the row spacing in the column direction." -deprecated = "" +default = 1.0 -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncol, nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "cell top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" +default = 1.0 -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "0." -numeric_index = false -longname = "cell bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." diff --git a/spec/toml/gwe-disu.toml b/spec/toml/gwe-disu.toml index 915162c..ccdbdbe 100644 --- a/spec/toml/gwe-disu.toml +++ b/spec/toml/gwe-disu.toml @@ -1,517 +1,246 @@ -component = "GWE" -subcomponent = "DISU" -blocknames = [ "options", "dimensions", "griddata", "connectiondata", "vertices", "cell2d",] -multipkg = false -stress = false -advanced = false - -[block.options.length_units] +name = "gwe-disu" +multi = false + +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" - -[block.options.nogrb] +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" - -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position origin of the model grid coordinate system" -description = "x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position origin of the model grid coordinate system" -description = "y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.vertical_offset_tolerance] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -default_value = "0.0" -numeric_index = false -longname = "vertical length dimension for top and bottom checking" -description = "checks are performed to ensure that the top of a cell is not higher than the bottom of an overlying cell. This option can be used to specify the tolerance that is used for checking. If top of a cell is above the bottom of an overlying cell by a value less than this tolerance, then the program will not terminate with an error. The default value is zero. This option should generally not be used." -deprecated = "" - -[block.options.export_array_ascii] + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.vertical_offset_tolerance] +name = "vertical_offset_tolerance" +type = "double precision" +block = "options" +description = "checks are performed to ensure that the top of a cell is not higher than the bottom of an overlying cell. this option can be used to specify the tolerance that is used for checking. if top of a cell is above the bottom of an overlying cell by a value less than this tolerance, then the program will not terminate with an error. the default value is zero. this option should generally not be used." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.dimensions.nodes] +[dimensions.nodes] +name = "nodes" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of cells in the model grid." -deprecated = "" -[block.dimensions.nja] +[dimensions.nja] +name = "nja" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of columns" -description = "is the sum of the number of connections and NODES. When calculating the total number of connections, the connection between cell n and cell m is considered to be different from the connection between cell m and cell n. Thus, NJA is equal to the total number of connections, including n to m and m to n, and the total number of cells." -deprecated = "" - -[block.dimensions.nvert] +block = "dimensions" +description = "is the sum of the number of connections and nodes. when calculating the total number of connections, the connection between cell n and cell m is considered to be different from the connection between cell m and cell n. thus, nja is equal to the total number of connections, including n to m and m to n, and the total number of cells." + +[dimensions.nvert] +name = "nvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "number of vertices" -description = "is the total number of (x, y) vertex pairs used to define the plan-view shape of each cell in the model grid. If NVERT is not specified or is specified as zero, then the VERTICES and CELL2D blocks below are not read. NVERT and the accompanying VERTICES and CELL2D blocks should be specified for most simulations. If the XT3D or SAVE_SPECIFIC_DISCHARGE options are specified in the NPF Package, then this information is required." -deprecated = "" - -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +block = "dimensions" +description = "is the total number of (x, y) vertex pairs used to define the plan-view shape of each cell in the model grid. if nvert is not specified or is specified as zero, then the vertices and cell2d blocks below are not read. nvert and the accompanying vertices and cell2d blocks should be specified for most simulations. if the xt3d or save_specific_discharge options are specified in the npf package, then this information is required." + +[griddata.top] +name = "top" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell top elevation" +block = "griddata" description = "is the top elevation for each cell in the model grid." -deprecated = "" -[block.griddata.bot] -type = "double" -block_variable = false -valid = [] +[griddata.bot] +name = "bot" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.area] -type = "double" -block_variable = false -valid = [] +[griddata.area] +name = "area" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell surface area" +block = "griddata" description = "is the cell surface area (in plan view)." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1 or greater, the cell exists in the simulation. IDOMAIN values of -1 cannot be specified for the DISU Package." -deprecated = "" - -[block.connectiondata.iac] +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1 or greater, the cell exists in the simulation. idomain values of -1 cannot be specified for the disu package." + +[connectiondata.iac] +name = "iac" type = "integer" -block_variable = false -valid = [] shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "number of cell connections" -description = "is the number of connections (plus 1) for each cell. The sum of all the entries in IAC must be equal to NJA." -deprecated = "" - -[block.connectiondata.ja] +block = "connectiondata" +description = "is the number of connections (plus 1) for each cell. the sum of all the entries in iac must be equal to nja." + +[connectiondata.ja] +name = "ja" type = "integer" -block_variable = false -valid = [] shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = true -longname = "grid connectivity" -description = "is a list of cell number (n) followed by its connecting cell numbers (m) for each of the m cells connected to cell n. The number of values to provide for cell n is IAC(n). This list is sequentially provided for the first to the last cell. The first value in the list must be cell n itself, and the remaining cells must be listed in an increasing order (sorted from lowest number to highest). Note that the cell and its connections are only supplied for the GWE cells and their connections to the other GWE cells. Also note that the JA list input may be divided such that every node and its connectivity list can be on a separate line for ease in readability of the file. To further ease readability of the file, the node number of the cell whose connectivity is subsequently listed, may be expressed as a negative number, the sign of which is subsequently converted to positive by the code." -deprecated = "" - -[block.connectiondata.ihc] +block = "connectiondata" +description = "is a list of cell number (n) followed by its connecting cell numbers (m) for each of the m cells connected to cell n. the number of values to provide for cell n is iac(n). this list is sequentially provided for the first to the last cell. the first value in the list must be cell n itself, and the remaining cells must be listed in an increasing order (sorted from lowest number to highest). note that the cell and its connections are only supplied for the gwe cells and their connections to the other gwe cells. also note that the ja list input may be divided such that every node and its connectivity list can be on a separate line for ease in readability of the file. to further ease readability of the file, the node number of the cell whose connectivity is subsequently listed, may be expressed as a negative number, the sign of which is subsequently converted to positive by the code." + +[connectiondata.ihc] +name = "ihc" type = "integer" -block_variable = false -valid = [] shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection type" -description = "is an index array indicating the direction between node n and all of its m connections. If IHC = 0 then cell n and cell m are connected in the vertical direction. Cell n overlies cell m if the cell number for n is less than m; cell m overlies cell n if the cell number for m is less than n. If IHC = 1 then cell n and cell m are connected in the horizontal direction. If IHC = 2 then cell n and cell m are connected in the horizontal direction, and the connection is vertically staggered. A vertically staggered connection is one in which a cell is horizontally connected to more than one cell in a horizontal connection." -deprecated = "" - -[block.connectiondata.cl12] -type = "double" -block_variable = false -valid = [] +block = "connectiondata" +description = "is an index array indicating the direction between node n and all of its m connections. if ihc = 0 then cell n and cell m are connected in the vertical direction. cell n overlies cell m if the cell number for n is less than m; cell m overlies cell n if the cell number for m is less than n. if ihc = 1 then cell n and cell m are connected in the horizontal direction. if ihc = 2 then cell n and cell m are connected in the horizontal direction, and the connection is vertically staggered. a vertically staggered connection is one in which a cell is horizontally connected to more than one cell in a horizontal connection." + +[connectiondata.cl12] +name = "cl12" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection lengths" +block = "connectiondata" description = "is the array containing connection lengths between the center of cell n and the shared face with each adjacent m cell." -deprecated = "" -[block.connectiondata.hwva] -type = "double" -block_variable = false -valid = [] +[connectiondata.hwva] +name = "hwva" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection lengths" -description = "is a symmetric array of size NJA. For horizontal connections, entries in HWVA are the horizontal width perpendicular to flow. For vertical connections, entries in HWVA are the vertical area for flow. Thus, values in the HWVA array contain dimensions of both length and area. Entries in the HWVA array have a one-to-one correspondence with the connections specified in the JA array. Likewise, there is a one-to-one correspondence between entries in the HWVA array and entries in the IHC array, which specifies the connection type (horizontal or vertical). Entries in the HWVA array must be symmetric; the program will terminate with an error if the value for HWVA for an n to m connection does not equal the value for HWVA for the corresponding n to m connection." -deprecated = "" - -[block.connectiondata.angldegx] -type = "double" -block_variable = false -valid = [] +block = "connectiondata" +description = "is a symmetric array of size nja. for horizontal connections, entries in hwva are the horizontal width perpendicular to flow. for vertical connections, entries in hwva are the vertical area for flow. thus, values in the hwva array contain dimensions of both length and area. entries in the hwva array have a one-to-one correspondence with the connections specified in the ja array. likewise, there is a one-to-one correspondence between entries in the hwva array and entries in the ihc array, which specifies the connection type (horizontal or vertical). entries in the hwva array must be symmetric; the program will terminate with an error if the value for hwva for an n to m connection does not equal the value for hwva for the corresponding n to m connection." + +[connectiondata.angldegx] +name = "angldegx" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "angle of face normal to connection" -description = "is the angle (in degrees) between the horizontal x-axis and the outward normal to the face between a cell and its connecting cells. The angle varies between zero and 360.0 degrees, where zero degrees points in the positive x-axis direction, and 90 degrees points in the positive y-axis direction. ANGLDEGX is only needed if horizontal anisotropy is specified in the NPF Package, if the XT3D option is used in the NPF Package, or if the SAVE_SPECIFIC_DISCHARGE option is specified in the NPF Package. ANGLDEGX does not need to be specified if these conditions are not met. ANGLDEGX is of size NJA; values specified for vertical connections and for the diagonal position are not used. Note that ANGLDEGX is read in degrees, which is different from MODFLOW-USG, which reads a similar variable (ANGLEX) in radians." -deprecated = "" - -[block.vertices.iv] +block = "connectiondata" +description = "is the angle (in degrees) between the horizontal x-axis and the outward normal to the face between a cell and its connecting cells. the angle varies between zero and 360.0 degrees, where zero degrees points in the positive x-axis direction, and 90 degrees points in the positive y-axis direction. angldegx is only needed if horizontal anisotropy is specified in the npf package, if the xt3d option is used in the npf package, or if the save_specific_discharge option is specified in the npf package. angldegx does not need to be specified if these conditions are not met. angldegx is of size nja; values specified for vertical connections and for the diagonal position are not used. note that angldegx is read in degrees, which is different from modflow-usg, which reads a similar variable (anglex) in radians." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" + +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "vertex number" description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." -deprecated = "" - -[block.vertices.xv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +numeric_index = "true" + +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for vertex" description = "is the x-coordinate for the vertex." -deprecated = "" - -[block.vertices.yv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for vertex" description = "is the y-coordinate for the vertex." -deprecated = "" -[block.vertices.vertices] -type = "recarray iv xv yv" -block_variable = false -valid = [] -shape = "(nvert)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "vertices data" -description = "" -deprecated = "" - -[block.cell2d.icell2d] +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(nodes)" +block = "cell2d" + +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cell2d number" description = "is the cell2d number. Records in the CELL2D block must be listed in consecutive order from 1 to NODES." -deprecated = "" - -[block.cell2d.xc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +numeric_index = "true" + +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for cell center" description = "is the x-coordinate for the cell center." -deprecated = "" - -[block.cell2d.yc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for cell center" description = "is the y-coordinate for the cell center." -deprecated = "" -[block.cell2d.ncvert] +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "number of cell vertices" description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." -deprecated = "" -[block.cell2d.icvert] +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" type = "integer" -block_variable = false -valid = [] shape = "(ncvert)" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "array of vertex numbers" description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order." -deprecated = "" - -[block.cell2d.cell2d] -type = "recarray icell2d xc yc ncvert icvert" -block_variable = false -valid = [] -shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "cell2d data" -description = "" -deprecated = "" +numeric_index = "true" diff --git a/spec/toml/gwe-disv.toml b/spec/toml/gwe-disv.toml index 2aa8363..283a3b5 100644 --- a/spec/toml/gwe-disv.toml +++ b/spec/toml/gwe-disv.toml @@ -1,465 +1,210 @@ -component = "GWE" -subcomponent = "DISV" -blocknames = [ "options", "dimensions", "griddata", "vertices", "cell2d",] -multipkg = false -stress = false -advanced = false +name = "gwe-disv" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position origin of the model grid coordinate system" -description = "x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position origin of the model grid coordinate system" -description = "y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" - -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" -[block.dimensions.ncpl] +[dimensions.ncpl] +name = "ncpl" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of cells per layer" -description = "is the number of cells per layer. This is a constant value for the grid and it applies to all layers." -deprecated = "" +block = "dimensions" +description = "is the number of cells per layer. this is a constant value for the grid and it applies to all layers." -[block.dimensions.nvert] +[dimensions.nvert] +name = "nvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the total number of (x, y) vertex pairs used to characterize the horizontal configuration of the model grid." -deprecated = "" -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" -[block.vertices.iv] +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "vertex number" description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." -deprecated = "" +numeric_index = "true" -[block.vertices.xv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for vertex" description = "is the x-coordinate for the vertex." -deprecated = "" -[block.vertices.yv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for vertex" description = "is the y-coordinate for the vertex." -deprecated = "" -[block.vertices.vertices] -type = "recarray iv xv yv" -block_variable = false -valid = [] -shape = "(nvert)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "vertices data" -description = "" -deprecated = "" +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(ncpl)" +block = "cell2d" -[block.cell2d.icell2d] +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cell2d number" description = "is the CELL2D number. Records in the CELL2D block must be listed in consecutive order from the first to the last." -deprecated = "" +numeric_index = "true" -[block.cell2d.xc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for cell center" description = "is the x-coordinate for the cell center." -deprecated = "" -[block.cell2d.yc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for cell center" description = "is the y-coordinate for the cell center." -deprecated = "" -[block.cell2d.ncvert] +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "number of cell vertices" description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." -deprecated = "" -[block.cell2d.icvert] +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" type = "integer" -block_variable = false -valid = [] shape = "(ncvert)" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "array of vertex numbers" description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order. Cells that are connected must share vertices." -deprecated = "" - -[block.cell2d.cell2d] -type = "recarray icell2d xc yc ncvert icvert" -block_variable = false -valid = [] -shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "cell2d data" -description = "" -deprecated = "" +numeric_index = "true" diff --git a/spec/toml/gwe-esl.toml b/spec/toml/gwe-esl.toml new file mode 100644 index 0000000..d839706 --- /dev/null +++ b/spec/toml/gwe-esl.toml @@ -0,0 +1,129 @@ +name = "gwe-esl" +multi = false + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of energy loading rate." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of energy source loading cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of energy source loading information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of energy source loading flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that energy source loading flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of sources cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.senerrate] +block = "period" +name = "senerrate" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "energy source loading rate" +description = "is the energy source loading rate. A positive value indicates addition of energy and a negative value indicates removal of energy. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each energy source. The values of auxiliary variables must be present for each energy source. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the energy source cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwe-est.toml b/spec/toml/gwe-est.toml new file mode 100644 index 0000000..3031e33 --- /dev/null +++ b/spec/toml/gwe-est.toml @@ -0,0 +1,63 @@ +name = "gwe-est" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that est flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.zero_order_decay] +name = "zero_order_decay" +type = "keyword" +block = "options" +description = "is a text keyword to indicate that zero-order decay will occur. use of this keyword requires that decay and decay_sorbed (if sorption is active) are specified in the griddata block." + +[options.density_water] +name = "density_water" +type = "double precision" +block = "options" +description = "density of water used by calculations related to heat storage and conduction. this value is set to 1,000 kg/m3 if no overriding value is specified. a user-specified value should be provided for models that use units other than kilograms and meters or if it is necessary to use a value other than the default." +default = 1000.0 + +[options.heat_capacity_water] +name = "heat_capacity_water" +type = "double precision" +block = "options" +description = "heat capacity of water used by calculations related to heat storage and conduction. this value is set to 4,184 j/kg/c if no overriding value is specified. a user-specified value should be provided for models that use units other than kilograms, joules, and degrees celsius or it is necessary to use a value other than the default." +default = 4184.0 + +[options.latent_heat_vaporization] +name = "latent_heat_vaporization" +type = "double precision" +block = "options" +description = "latent heat of vaporization is the amount of energy that is required to convert a given quantity of liquid into a gas and is associated with evaporative cooling. while the est package does not simulate evaporation, multiple other packages in a gwe simulation may. to avoid having to specify the latent heat of vaporization in multiple packages, it is specified in a single location and accessed wherever it is needed. for example, evaporation may occur from the surface of streams or lakes and the energy consumed by the change in phase would be needed in both the sfe and lke packages. this value is set to 2,453,500 j/kg if no overriding value is specified. a user-specified value should be provided for models that use units other than joules and kilograms or if it is necessary to use a value other than the default." +default = 2453500.0 + +[griddata.porosity] +name = "porosity" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the mobile domain porosity, defined as the mobile domain pore volume per mobile domain volume. the gwe model does not support the concept of an immobile domain in the context of heat transport." + +[griddata.decay] +name = "decay" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the rate coefficient for zero-order decay for the aqueous phase of the mobile domain. a negative value indicates heat (energy) production. the dimensions of decay for zero-order decay is energy per length cubed per time. zero-order decay will have no effect on simulation results unless zero-order decay is specified in the options block." + +[griddata.heat_capacity_solid] +name = "heat_capacity_solid" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the mass-based heat capacity of dry solids (aquifer material). for example, units of j/kg/c may be used (or equivalent)." + +[griddata.density_solid] +name = "density_solid" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is a user-specified value of the density of aquifer material not considering the voids. value will remain fixed for the entire simulation. for example, if working in si units, values may be entered as kilograms per cubic meter." diff --git a/spec/toml/gwe-fmi.toml b/spec/toml/gwe-fmi.toml new file mode 100644 index 0000000..f7bb05c --- /dev/null +++ b/spec/toml/gwe-fmi.toml @@ -0,0 +1,56 @@ +name = "gwe-fmi" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that fmi flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.flow_imbalance_correction] +name = "flow_imbalance_correction" +type = "keyword" +block = "options" +description = "correct for an imbalance in flows by assuming that any residual flow error comes in or leaves at the temperature of the cell. when this option is activated, the gwe model budget written to the listing file will contain two additional entries: flow-error and flow-correction. these two entries will be equal but opposite in sign. the flow-correction term is a mass flow that is added to offset the error caused by an imprecise flow balance. if these terms are not relatively small, the flow model should be rerun with stricter convergence tolerances." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.flowtype] +block = "packagedata" +name = "flowtype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "flow type" +description = "is the word GWFBUDGET, GWFHEAD, GWFMOVER or the name of an advanced GWF stress package. If GWFBUDGET is specified, then the corresponding file must be a budget file from a previous GWF Model run. If an advanced GWF stress package name appears then the corresponding file must be the budget file saved by a LAK, SFR, MAW or UZF Package." + +[packagedata.packagedata.packagedata.filein] +block = "packagedata" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[packagedata.packagedata.packagedata.fname] +block = "packagedata" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing flows. The path to the file should be included if the file is not located in the folder where the program was run." diff --git a/spec/toml/gwe-ic.toml b/spec/toml/gwe-ic.toml new file mode 100644 index 0000000..dadf994 --- /dev/null +++ b/spec/toml/gwe-ic.toml @@ -0,0 +1,21 @@ +name = "gwe-ic" +multi = false + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[options.export_array_netcdf] +name = "export_array_netcdf" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." + +[griddata.strt] +name = "strt" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the initial (starting) temperature---that is, the temperature at the beginning of the gwe model simulation. strt must be specified for all gwe model simulations. one value is read for every model cell." diff --git a/spec/toml/gwe-lke.toml b/spec/toml/gwe-lke.toml new file mode 100644 index 0000000..dc6a357 --- /dev/null +++ b/spec/toml/gwe-lke.toml @@ -0,0 +1,362 @@ +name = "gwe-lke" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwe name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable in the corresponding flow package. if specified, then the simulated temperatures from this advanced transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of lake cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake information will be written to the listing file immediately after it is read." + +[options.print_temperature] +name = "print_temperature" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake {#2} will be printed to the listing file for every stress period in which 'temperature print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that lake flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.temperature_filerecord] +name = "temperature_filerecord" +type = "record" +block = "options" + +[options.temperature_filerecord.temperature] +block = "period" +name = "temperature" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "lake temperature" +description = "real or character value that defines the temperature for the lake. The specified TEMPERATURE is only applied if the lake is a constant temperature lake. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.temperature_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.temperature_filerecord.tempfile] +block = "options" +name = "tempfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write temperature information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.lakeno] +block = "period" +name = "lakeno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake number for this entry" +description = "integer value that defines the lake number associated with the specified PERIOD data on the line. LAKENO must be greater than zero and less than or equal to NLAKES." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting lake temperature" +description = "real value that defines the starting temperature for the lake." + +[packagedata.packagedata.packagedata.ktf] +block = "packagedata" +name = "ktf" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "boundary thermal conductivity" +description = "is the thermal conductivity of the of the interface between the aquifer cell and the lake." + +[packagedata.packagedata.packagedata.rbthcnd] +block = "packagedata" +name = "rbthcnd" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "streambed thickness" +description = "real value that defines the thickness of the lakebed material through which conduction occurs. Must be greater than 0." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each lake. The values of auxiliary variables must be present for each lake. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "lake name" +description = "name of the lake cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.lakeperioddata] +name = "lakeperioddata" +type = "list" +block = "period" + +[period.lakeperioddata.lakeperioddata] +name = "lakeperioddata" +type = "record" +block = "period" + +[period.lakeperioddata.lakeperioddata.lakeno] +name = "lakeno" +type = "integer" +block = "period" +description = "integer value that defines the lake number associated with the specified period data on the line. lakeno must be greater than zero and less than or equal to nlakes." + +[period.lakeperioddata.lakeperioddata.laksetting] +name = "laksetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the laksetting string include: status, temperature, rainfall, evaporation, runoff, and auxiliary. these settings are used to assign the temperature associated with the corresponding flow terms. temperatures cannot be specified for all flow terms. for example, the lake package supports a 'withdrawal' flow term. if this withdrawal term is active, then water will be withdrawn from the lake at the calculated temperature of the lake." + +[period.lakeperioddata.lakeperioddata.laksetting.temperature] +name = "temperature" +type = "string" +block = "period" +description = "real or character value that defines the temperature for the lake. the specified temperature is only applied if the lake is a constant temperature lake. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define lake status. status can be active, inactive, or constant. by default, status is active, which means that temperature will be calculated for the lake. if a lake is inactive, then there will be no solute mass fluxes into or out of the lake and the inactive value will be written for the lake temperature. if a lake is constant, then the temperature for the lake will be fixed at the user specified value." + +[period.lakeperioddata.lakeperioddata.laksetting.rainfall] +name = "rainfall" +type = "string" +block = "period" +description = "real or character value that defines the rainfall temperature for the lake. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.evaporation] +name = "evaporation" +type = "string" +block = "period" +description = "real or character value that defines the temperature of evaporated water $(^{circ}c)$ for the reach. if this temperature value is larger than the simulated temperature in the reach, then the evaporated water will be removed at the same temperature as the reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.runoff] +name = "runoff" +type = "string" +block = "period" +description = "real or character value that defines the temperature of runoff for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.ext-inflow] +name = "ext-inflow" +type = "string" +block = "period" +description = "real or character value that defines the temperature of external inflow for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwe-mve.toml b/spec/toml/gwe-mve.toml new file mode 100644 index 0000000..64bf069 --- /dev/null +++ b/spec/toml/gwe-mve.toml @@ -0,0 +1,105 @@ +name = "gwe-mve" +multi = false + +[subpackage] +parent = "parent_model_or_package" +key = "mve_filerecord" +val = "perioddata" +abbr = "mve" +param = "perioddata" + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of mover information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that lake flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." diff --git a/spec/toml/gwe-mwe.toml b/spec/toml/gwe-mwe.toml new file mode 100644 index 0000000..3a1e870 --- /dev/null +++ b/spec/toml/gwe-mwe.toml @@ -0,0 +1,344 @@ +name = "gwe-mwe" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwe name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable in the corresponding flow package. if specified, then the simulated temperatures from this advanced transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of well cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well information will be written to the listing file immediately after it is read." + +[options.print_temperature] +name = "print_temperature" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well {#2} will be printed to the listing file for every stress period in which 'temperature print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that well flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.temperature_filerecord] +name = "temperature_filerecord" +type = "record" +block = "options" + +[options.temperature_filerecord.temperature] +block = "period" +name = "temperature" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "well temperature" +description = "real or character value that defines the temperature for the well. The specified TEMPERATURE is only applied if the well is a constant temperature well. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.temperature_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.temperature_filerecord.tempfile] +block = "options" +name = "tempfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write temperature information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.mawno] +block = "period" +name = "mawno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "well number for this entry" +description = "integer value that defines the well number associated with the specified PERIOD data on the line. MAWNO must be greater than zero and less than or equal to NMAWWELLS." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting well temperature" +description = "real value that defines the starting temperature for the well." + +[packagedata.packagedata.packagedata.ktf] +block = "packagedata" +name = "ktf" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "thermal conductivity of the feature" +description = "is the thermal conductivity of the of the interface between the aquifer cell and the feature." + +[packagedata.packagedata.packagedata.fthk] +block = "packagedata" +name = "fthk" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "thickness of the well feature" +description = "real value that defines the thickness of the material through which conduction occurs. Must be greater than 0." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each well. The values of auxiliary variables must be present for each well. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the well cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.mweperioddata] +name = "mweperioddata" +type = "list" +block = "period" + +[period.mweperioddata.mweperioddata] +name = "mweperioddata" +type = "record" +block = "period" + +[period.mweperioddata.mweperioddata.mawno] +name = "mawno" +type = "integer" +block = "period" +description = "integer value that defines the well number associated with the specified period data on the line. mawno must be greater than zero and less than or equal to nmawwells." + +[period.mweperioddata.mweperioddata.mwesetting] +name = "mwesetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the mwesetting string include: status, temperature, rainfall, evaporation, runoff, and auxiliary. these settings are used to assign the temperature of associated with the corresponding flow terms. temperatures cannot be specified for all flow terms. for example, the multi-aquifer well package supports a 'withdrawal' flow term. if this withdrawal term is active, then water will be withdrawn from the well at the calculated temperature of the well." + +[period.mweperioddata.mweperioddata.mwesetting.temperature] +name = "temperature" +type = "string" +block = "period" +description = "real or character value that defines the temperature for the well. the specified temperature is only applied if the well is a constant temperature well. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.mweperioddata.mweperioddata.mwesetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define well status. status can be active, inactive, or constant. by default, status is active, which means that temperature will be calculated for the well. if a well is inactive, then there will be no solute mass fluxes into or out of the well and the inactive value will be written for the well temperature. if a well is constant, then the temperature for the well will be fixed at the user specified value." + +[period.mweperioddata.mweperioddata.mwesetting.rate] +name = "rate" +type = "string" +block = "period" +description = "real or character value that defines the injection solute temperature $^{circ}c$ for the well. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.mweperioddata.mweperioddata.mwesetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.mweperioddata.mweperioddata.mwesetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.mweperioddata.mweperioddata.mwesetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.mweperioddata.mweperioddata.mwesetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwe-nam.toml b/spec/toml/gwe-nam.toml new file mode 100644 index 0000000..07cae56 --- /dev/null +++ b/spec/toml/gwe-nam.toml @@ -0,0 +1,115 @@ +name = "gwe-nam" +multi = false + +[options.list] +name = "list" +type = "string" +block = "options" +description = "is name of the listing file to create for this gwe model. if not specified, then the name of the list file will be the basename of the gwe model name file and the '.lst' extension. for example, if the gwe name file is called 'my.model.nam' then the list file will be called 'my.model.lst'." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model stress package information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model package flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that all model package flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.export_netcdf] +name = "export_netcdf" +type = "string" +block = "options" +description = "keyword that specifies timeseries data for the dependent variable should be written to a model output netcdf file. no value or 'ugrid' (ugrid based export) values are supported." + +[options.nc_filerecord] +name = "nc_filerecord" +type = "record" +block = "options" +description = "netcdf config filerecord" + +[options.nc_filerecord.netcdf] +block = "options" +name = "netcdf" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "netcdf keyword" +description = "keyword to specify that record corresponds to a netcdf input file." + +[options.nc_filerecord.filein] +block = "options" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[options.nc_filerecord.netcdf_filename] +block = "options" +name = "netcdf_filename" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +optional = "false" +tagged = "false" +longname = "netcdf input filename" +description = "defines a netcdf input file." +mf6internal = "netcdf_fname" + +[packages.packages] +name = "packages" +type = "list" +block = "packages" + +[packages.packages.packages] +name = "packages" +type = "record" +block = "packages" + +[packages.packages.packages.ftype] +block = "packages" +name = "ftype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package type" +description = "is the file type, which must be one of the following character values shown in table~ref{table:ftype-gwe}. Ftype may be entered in any combination of uppercase and lowercase." + +[packages.packages.packages.fname] +block = "packages" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run." + +[packages.packages.packages.pname] +block = "packages" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +optional = "true" +longname = "user name for package" +description = "is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single GWE Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters." diff --git a/spec/toml/gwe-oc.toml b/spec/toml/gwe-oc.toml new file mode 100644 index 0000000..2f400bb --- /dev/null +++ b/spec/toml/gwe-oc.toml @@ -0,0 +1,218 @@ +name = "gwe-oc" +multi = false + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.temperature_filerecord] +name = "temperature_filerecord" +type = "record" +block = "options" + +[options.temperature_filerecord.temperature] +block = "options" +name = "temperature" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "temperature keyword" +description = "keyword to specify that record corresponds to temperature." + +[options.temperature_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.temperature_filerecord.temperaturefile] +block = "options" +name = "temperaturefile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write temperature information." + +[options.temperatureprintrecord] +name = "temperatureprintrecord" +type = "record" +block = "options" + +[options.temperatureprintrecord.temperature] +block = "options" +name = "temperature" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "temperature keyword" +description = "keyword to specify that record corresponds to temperature." + +[options.temperatureprintrecord.print_format] +block = "options" +name = "print_format" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to indicate that a print format follows" +description = "keyword to specify format for printing to the listing file." + +[period.saverecord] +name = "saverecord" +type = "record" +block = "period" + +[period.saverecord.save] +block = "period" +name = "save" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be saved this stress period." + +[period.saverecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET or TEMPERATURE." + +[period.saverecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." + +[period.printrecord] +name = "printrecord" +type = "record" +block = "period" + +[period.printrecord.print] +block = "period" +name = "print" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be printed this stress period." + +[period.printrecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET or TEMPERATURE." + +[period.printrecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." diff --git a/spec/toml/gwe-sfe.toml b/spec/toml/gwe-sfe.toml new file mode 100644 index 0000000..d0b3096 --- /dev/null +++ b/spec/toml/gwe-sfe.toml @@ -0,0 +1,362 @@ +name = "gwe-sfe" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwe name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable provided in the corresponding flow package (i.e., flow_packae_name). if specified, then the simulated temperatures from this advanced energy transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced energy transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of reach cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of reach information will be written to the listing file immediately after it is read." + +[options.print_temperature] +name = "print_temperature" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of reach {#2} will be printed to the listing file for every stress period in which 'temperature print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of reach flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that reach flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.temperature_filerecord] +name = "temperature_filerecord" +type = "record" +block = "options" + +[options.temperature_filerecord.temperature] +block = "period" +name = "temperature" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "reach temperature" +description = "real or character value that defines the temperature for the reach. The specified TEMPERATURE is only applied if the reach is a constant temperature reach. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.temperature_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.temperature_filerecord.tempfile] +block = "options" +name = "tempfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write temperature information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.rno] +block = "period" +name = "rno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the reach number associated with the specified PERIOD data on the line. RNO must be greater than zero and less than or equal to NREACHES." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting reach temperature" +description = "real value that defines the starting temperature for the reach." + +[packagedata.packagedata.packagedata.ktf] +block = "packagedata" +name = "ktf" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "boundary thermal conductivity" +description = "is the thermal conductivity of the of the interface between the aquifer cell and the stream reach." + +[packagedata.packagedata.packagedata.rbthcnd] +block = "packagedata" +name = "rbthcnd" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "streambed thickness" +description = "real value that defines the thickness of the streambed material through which conduction occurs. Must be greater than 0." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each reach. The values of auxiliary variables must be present for each reach. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the reach cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.reachperioddata] +name = "reachperioddata" +type = "list" +block = "period" + +[period.reachperioddata.reachperioddata] +name = "reachperioddata" +type = "record" +block = "period" + +[period.reachperioddata.reachperioddata.rno] +name = "rno" +type = "integer" +block = "period" +description = "integer value that defines the reach number associated with the specified period data on the line. rno must be greater than zero and less than or equal to nreaches." + +[period.reachperioddata.reachperioddata.reachsetting] +name = "reachsetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the reachsetting string include: status, temperature, rainfall, evaporation, runoff, and auxiliary. these settings are used to assign the temperature of associated with the corresponding flow terms. temperatures cannot be specified for all flow terms. for example, the streamflow package supports a 'diversion' flow term. diversion water will be routed using the calculated temperature of the reach." + +[period.reachperioddata.reachperioddata.reachsetting.temperature] +name = "temperature" +type = "string" +block = "period" +description = "real or character value that defines the temperature for the reach. the specified temperature is only applied if the reach is a constant temperature reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define reach status. status can be active, inactive, or constant. by default, status is active, which means that temperature will be calculated for the reach. if a reach is inactive, then there will be no energy fluxes into or out of the reach and the inactive value will be written for the reach temperature. if a reach is constant, then the temperature for the reach will be fixed at the user specified value." + +[period.reachperioddata.reachperioddata.reachsetting.rainfall] +name = "rainfall" +type = "string" +block = "period" +description = "real or character value that defines the rainfall temperature $(^{circ}c)$ for the reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.evaporation] +name = "evaporation" +type = "string" +block = "period" +description = "real or character value that defines the temperature of evaporated water $(^{circ}c)$ for the reach. if this temperature value is larger than the simulated temperature in the reach, then the evaporated water will be removed at the same temperature as the reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.runoff] +name = "runoff" +type = "string" +block = "period" +description = "real or character value that defines the temperature of runoff $(^{circ}c)$ for the reach. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.inflow] +name = "inflow" +type = "string" +block = "period" +description = "real or character value that defines the temperature of inflow $(^{circ}c)$ for the reach. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwe-ssm.toml b/spec/toml/gwe-ssm.toml new file mode 100644 index 0000000..fe850d1 --- /dev/null +++ b/spec/toml/gwe-ssm.toml @@ -0,0 +1,121 @@ +name = "gwe-ssm" +multi = false + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of ssm flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that ssm flow terms will be written to the file specified with 'budget fileout' in output control." + +[sources.sources] +name = "sources" +type = "list" +block = "sources" + +[sources.sources.sources] +name = "sources" +type = "record" +block = "sources" + +[sources.sources.sources.pname] +block = "fileinput" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package name" +description = "name of the flow package for which an SPC6 input file contains a source temperature. If this flow package is represented using an advanced transport package (SFE, LKE, MWE, or UZE), then the advanced transport package will override SSM terms specified here." + +[sources.sources.sources.srctype] +block = "sources" +name = "srctype" +in_record = "true" +type = "string" +tagged = "false" +optional = "false" +reader = "urword" +longname = "source type" +description = "keyword indicating how temperature will be assigned for sources and sinks. Keyword must be specified as either AUX or AUXMIXED. For both options the user must provide an auxiliary variable in the corresponding flow package. The auxiliary variable must have the same name as the AUXNAME value that follows. If the AUX keyword is specified, then the auxiliary variable specified by the user will be assigned as the temperature value for groundwater sources (flows with a positive sign). For negative flow rates (sinks), groundwater will be withdrawn from the cell at the simulated temperature of the cell. The AUXMIXED option provides an alternative method for how to determine the temperature of sinks. If the cell temperature is larger than the user-specified auxiliary temperature, then the temperature of groundwater withdrawn from the cell will be assigned as the user-specified temperature. Alternatively, if the user-specified auxiliary temperature is larger than the cell temperature, then groundwater will be withdrawn at the cell temperature. Thus, the AUXMIXED option is designed to work with the Evapotranspiration (EVT) and Recharge (RCH) Packages where water may be withdrawn at a temperature that is less than the cell temperature." + +[sources.sources.sources.auxname] +block = "sources" +name = "auxname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +optional = "false" +longname = "auxiliary variable name" +description = "name of the auxiliary variable in the package PNAME. This auxiliary variable must exist and be specified by the user in that package. The values in this auxiliary variable will be used to set the temperature associated with the flows for that boundary package." + +[fileinput.fileinput] +name = "fileinput" +type = "list" +block = "fileinput" + +[fileinput.fileinput.fileinput] +name = "fileinput" +type = "record" +block = "fileinput" + +[fileinput.fileinput.fileinput.pname] +block = "fileinput" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package name" +description = "name of the flow package for which an SPC6 input file contains a source temperature. If this flow package is represented using an advanced transport package (SFE, LKE, MWE, or UZE), then the advanced transport package will override SSM terms specified here." + +[fileinput.fileinput.fileinput.spc6] +block = "fileinput" +name = "spc6" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to a source sink mixing input file." + +[fileinput.fileinput.fileinput.filein] +block = "fileinput" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[fileinput.fileinput.fileinput.spc6_filename] +block = "fileinput" +name = "spc6_filename" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +optional = "false" +tagged = "false" +longname = "spc file name" +description = "character string that defines the path and filename for the file containing source and sink input data for the flow package. The SPC6_FILENAME file is a flexible input file that allows temperatures to be specified by stress period and with time series. Instructions for creating the SPC6_FILENAME input file are provided in the next section on file input for boundary temperatures." + +[fileinput.fileinput.fileinput.mixed] +block = "fileinput" +name = "mixed" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "true" +longname = "mixed keyword" +description = "keyword to specify that these stress package boundaries will have the mixed condition. The MIXED condition is described in the SOURCES block for AUXMIXED. The MIXED condition allows for water to be withdrawn at a temperature that is less than the cell temperature. It is intended primarily for representing evapotranspiration." diff --git a/spec/toml/gwe-uze.toml b/spec/toml/gwe-uze.toml new file mode 100644 index 0000000..a372f7f --- /dev/null +++ b/spec/toml/gwe-uze.toml @@ -0,0 +1,330 @@ +name = "gwe-uze" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwe name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable in the corresponding flow package. if specified, then the simulated concentrations from this advanced transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of unsaturated zone flow cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of unsaturated zone flow information will be written to the listing file immediately after it is read." + +[options.print_temperature] +name = "print_temperature" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of uzf cell {#2} will be printed to the listing file for every stress period in which 'temperature print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of unsaturated zone flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that unsaturated zone flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.temperature_filerecord] +name = "temperature_filerecord" +type = "record" +block = "options" + +[options.temperature_filerecord.temperature] +block = "period" +name = "temperature" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "unsaturated zone flow cell temperature" +description = "real or character value that defines the temperature for the unsaturated zone flow cell. The specified TEMPERATURE is only applied if the unsaturated zone flow cell is a constant temperature cell. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.temperature_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.temperature_filerecord.tempfile] +block = "options" +name = "tempfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write temperature information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.uzfno] +block = "period" +name = "uzfno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "unsaturated zone flow cell number for this entry" +description = "integer value that defines the UZF cell number associated with the specified PERIOD data on the line. UZFNO must be greater than zero and less than or equal to NUZFCELLS." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting UZF cell temperature" +description = "real value that defines the starting temperature for the unsaturated zone flow cell." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each unsaturated zone flow. The values of auxiliary variables must be present for each unsaturated zone flow. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "UZF cell name" +description = "name of the unsaturated zone flow cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.uzeperioddata] +name = "uzeperioddata" +type = "list" +block = "period" + +[period.uzeperioddata.uzeperioddata] +name = "uzeperioddata" +type = "record" +block = "period" + +[period.uzeperioddata.uzeperioddata.uzfno] +name = "uzfno" +type = "integer" +block = "period" +description = "integer value that defines the uzf cell number associated with the specified period data on the line. uzfno must be greater than zero and less than or equal to nuzfcells." + +[period.uzeperioddata.uzeperioddata.uzesetting] +name = "uzesetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the uzesetting string include: status, temperature, infiltration, uzet, and auxiliary. these settings are used to assign the temperature associated with the corresponding flow terms. temperatures cannot be specified for all flow terms." + +[period.uzeperioddata.uzeperioddata.uzesetting.temperature] +name = "temperature" +type = "string" +block = "period" +description = "real or character value that defines the temperature for the unsaturated zone flow cell. the specified temperature is only applied if the unsaturated zone flow cell is a constant temperature cell. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.uzeperioddata.uzeperioddata.uzesetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define uzf cell status. status can be active, inactive, or constant. by default, status is active, which means that temperature will be calculated for the uzf cell. if a uzf cell is inactive, then there will be no energy fluxes into or out of the uzf cell and the inactive value will be written for the uzf cell temperature. if a uzf cell is constant, then the temperature for the uzf cell will be fixed at the user specified value." + +[period.uzeperioddata.uzeperioddata.uzesetting.infiltration] +name = "infiltration" +type = "string" +block = "period" +description = "real or character value that defines the temperature of the infiltration $(^circ c)$ for the uzf cell. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.uzeperioddata.uzeperioddata.uzesetting.uzet] +name = "uzet" +type = "string" +block = "period" +description = "real or character value that states what fraction of the simulated unsaturated zone evapotranspiration is associated with evaporation. the evaporative losses from the unsaturated zone moisture content will have an evaporative cooling effect on the gwe cell from which the evaporation originated. if this value is larger than 1, then it will be reset to 1. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.uzeperioddata.uzeperioddata.uzesetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.uzeperioddata.uzeperioddata.uzesetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.uzeperioddata.uzeperioddata.uzesetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.uzeperioddata.uzeperioddata.uzesetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwf-api.toml b/spec/toml/gwf-api.toml new file mode 100644 index 0000000..eedf1c9 --- /dev/null +++ b/spec/toml/gwf-api.toml @@ -0,0 +1,51 @@ +name = "gwf-api" +multi = false + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of api boundary cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of api boundary information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of api boundary flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that api boundary flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the api boundary package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of api boundary cells that will be specified for use during any stress period." diff --git a/spec/toml/gwf-buy.toml b/spec/toml/gwf-buy.toml new file mode 100644 index 0000000..8ec8383 --- /dev/null +++ b/spec/toml/gwf-buy.toml @@ -0,0 +1,128 @@ +name = "gwf-buy" +multi = false + +[options.hhformulation_rhs] +name = "hhformulation_rhs" +type = "keyword" +block = "options" +description = "use the variable-density hydraulic head formulation and add off-diagonal terms to the right-hand. this option will prevent the buy package from adding asymmetric terms to the flow matrix." + +[options.denseref] +name = "denseref" +type = "double precision" +block = "options" +description = "fluid reference density used in the equation of state. this value is set to 1000. if not specified as an option." +default = 1000.0 + +[options.density_filerecord] +name = "density_filerecord" +type = "record" +block = "options" + +[options.density_filerecord.density] +block = "options" +name = "density" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "density keyword" +description = "keyword to specify that record corresponds to density." + +[options.density_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.density_filerecord.densityfile] +block = "options" +name = "densityfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write density information. The density file has the same format as the head file. Density values will be written to the density file whenever heads are written to the binary head file. The settings for controlling head output are contained in the Output Control option." + +[options.dev_efh_formulation] +name = "dev_efh_formulation" +type = "keyword" +block = "options" +description = "use the variable-density equivalent freshwater head formulation instead of the hydraulic head head formulation. this dev option has only been implemented for confined aquifer conditions and should generally not be used." + +[dimensions.nrhospecies] +name = "nrhospecies" +type = "integer" +block = "dimensions" +description = "number of species used in density equation of state. this value must be one or greater if the buy package is activated." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(nrhospecies)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.irhospec] +block = "packagedata" +name = "irhospec" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "species number for this entry" +description = "integer value that defines the species number associated with the specified PACKAGEDATA data on the line. IRHOSPECIES must be greater than zero and less than or equal to NRHOSPECIES. Information must be specified for each of the NRHOSPECIES species or the program will terminate with an error. The program will also terminate with an error if information for a species is specified more than once." +numeric_index = "true" + +[packagedata.packagedata.packagedata.drhodc] +block = "packagedata" +name = "drhodc" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "slope of the density-concentration line" +description = "real value that defines the slope of the density-concentration line for this species used in the density equation of state." + +[packagedata.packagedata.packagedata.crhoref] +block = "packagedata" +name = "crhoref" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reference concentration value" +description = "real value that defines the reference concentration value used for this species in the density equation of state." + +[packagedata.packagedata.packagedata.modelname] +block = "packagedata" +name = "modelname" +type = "string" +in_record = "true" +tagged = "false" +reader = "urword" +longname = "modelname" +description = "name of GWT model used to simulate a species that will be used in the density equation of state. This name will have no effect if the simulation does not include a GWT model that corresponds to this GWF model." + +[packagedata.packagedata.packagedata.auxspeciesname] +block = "packagedata" +name = "auxspeciesname" +type = "string" +in_record = "true" +tagged = "false" +reader = "urword" +longname = "auxspeciesname" +description = "name of an auxiliary variable in a GWF stress package that will be used for this species to calculate a density value. If a density value is needed by the Buoyancy Package then it will use the concentration values in this AUXSPECIESNAME column in the density equation of state. For advanced stress packages (LAK, SFR, MAW, and UZF) that have an associated advanced transport package (LKT, SFT, MWT, and UZT), the FLOW_PACKAGE_AUXILIARY_NAME option in the advanced transport package can be used to transfer simulated concentrations into the flow package auxiliary variable. In this manner, the Buoyancy Package can calculate density values for lakes, streams, multi-aquifer wells, and unsaturated zone flow cells using simulated concentrations." diff --git a/spec/toml/gwf-chd.toml b/spec/toml/gwf-chd.toml index d0a3d31..f8c1b4e 100644 --- a/spec/toml/gwf-chd.toml +++ b/spec/toml/gwf-chd.toml @@ -1,347 +1,137 @@ -component = "GWF" -subcomponent = "CHD" -blocknames = [ "options", "dimensions", "period",] -multipkg = false -stress = true -advanced = false +name = "gwf-chd" +package_type = "stress-package" multi = true -[block.options.auxiliary] +[options.auxiliary] +name = "auxiliary" type = "string" -block_variable = false -valid = [] shape = "(naux)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to specify aux variables" -description = "REPLACE auxnames {'{#1}': 'Groundwater Flow'}" -deprecated = "" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." -[block.options.auxmultname] +[options.auxmultname] +name = "auxmultname" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "name of auxiliary variable for multiplier" -description = "REPLACE auxmultname {'{#1}': 'CHD head value'}" -deprecated = "" +block = "options" +description = "name of auxiliary variable to be used as multiplier of chd head value." -[block.options.boundnames] +[options.boundnames] +name = "boundnames" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "REPLACE boundnames {'{#1}': 'constant-head'}" -deprecated = "" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of constant-head cells." -[block.options.print_input] +[options.print_input] +name = "print_input" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "print input to listing file" -description = "REPLACE print_input {'{#1}': 'constant-head'}" -deprecated = "" +block = "options" +description = "keyword to indicate that the list of constant-head information will be written to the listing file immediately after it is read." -[block.options.print_flows] +[options.print_flows] +name = "print_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "print CHD flows to listing file" -description = "REPLACE print_flows {'{#1}': 'constant-head'}" -deprecated = "" +block = "options" +description = "keyword to indicate that the list of constant-head flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." -[block.options.save_flows] +[options.save_flows] +name = "save_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "save CHD flows to budget file" -description = "REPLACE save_flows {'{#1}': 'constant-head'}" -deprecated = "" - -[block.options.ts_filerecord] -type = "record ts6 filein ts6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ts6] +block = "options" +description = "keyword to indicate that constant-head flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.dev_no_newton] +name = "dev_no_newton" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "head keyword" -description = "keyword to specify that record corresponds to a time-series file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" +block = "options" +description = "turn off newton for unconfined cells" -[block.options.ts6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of time series information" -description = "REPLACE timeseriesfile {}" -deprecated = "" - -[block.options.obs_filerecord] -type = "record obs6 filein obs6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.obs6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "obs keyword" -description = "keyword to specify that record corresponds to an observations file." -deprecated = "" - -[block.options.obs6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "obs6 input filename" -description = "REPLACE obs6_filename {'{#1}': 'constant-head'}" -deprecated = "" +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of constant-head cells that will be specified for use during any stress period." -[block.options.dev_no_newton] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "turn off Newton for unconfined cells" -description = "turn off Newton for unconfined cells" -deprecated = "" +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" -[block.dimensions.maxbound] -type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "maximum number of constant heads" -description = "REPLACE maxbound {'{#1}': 'constant-head'}" -deprecated = "" +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" -[block.period.cellid] +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" type = "integer" -block_variable = false -valid = [] shape = "(ncelldim)" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "cell identifier" -description = "REPLACE cellid {}" -deprecated = "" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." -[block.period.head] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = true +[period.stress_period_data.stress_period_data.head] +block = "period" +name = "head" +type = "double precision" +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +time_series = "true" longname = "head value assigned to constant head" -description = "is the head at the boundary. If the Options block includes a TIMESERIESFILE entry (see the ``Time-Variable Input'' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." -deprecated = "" - -[block.period.aux] -type = "double" -block_variable = false -valid = [] +description = "is the head at the boundary. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" shape = "(naux)" -tagged = false -in_record = true -layered = false -time_series = true reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" +time_series = "true" longname = "auxiliary variables" -description = "REPLACE aux {'{#1}': 'constant head'}" -deprecated = "" +description = "represents the values of the auxiliary variables for each constant head. The values of auxiliary variables must be present for each constant head. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" -[block.period.boundname] +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" +in_record = "true" reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "constant head boundary name" -description = "REPLACE boundname {'{#1}': 'constant head boundary'}" -deprecated = "" - -[block.period.stress_period_data] -type = "recarray cellid head aux boundname" -block_variable = false -valid = [] -shape = "(maxbound)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" +description = "name of the constant head boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwf-csub.toml b/spec/toml/gwf-csub.toml new file mode 100644 index 0000000..752844f --- /dev/null +++ b/spec/toml/gwf-csub.toml @@ -0,0 +1,673 @@ +name = "gwf-csub" +multi = false + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of csub cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of csub information will be written to the listing file immediately after it is read." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that cell-by-cell flow terms will be written to the file specified with 'budget save file' in output control." + +[options.gammaw] +name = "gammaw" +type = "double precision" +block = "options" +description = "unit weight of water. for freshwater, gammaw is 9806.65 newtons/cubic meters or 62.48 lb/cubic foot in si and english units, respectively. by default, gammaw is 9806.65 newtons/cubic meters." +default = 9806.65 + +[options.beta] +name = "beta" +type = "double precision" +block = "options" +description = "compressibility of water. typical values of beta are 4.6512e-10 1/pa or 2.2270e-8 lb/square foot in si and english units, respectively. by default, beta is 4.6512e-10 1/pa." +default = 4.6512e-10 + +[options.head_based] +name = "head_based" +type = "keyword" +block = "options" +description = "keyword to indicate the head-based formulation will be used to simulate coarse-grained aquifer materials and no-delay and delay interbeds. specifying head_based also specifies the initial_preconsolidation_head option." + +[options.initial_preconsolidation_head] +name = "initial_preconsolidation_head" +type = "keyword" +block = "options" +description = "keyword to indicate that preconsolidation heads will be specified for no-delay and delay interbeds in the packagedata block. if the specified_initial_interbed_state option is specified in the options block, user-specified preconsolidation heads in the packagedata block are absolute values. otherwise, user-specified preconsolidation heads in the packagedata block are relative to steady-state or initial heads." + +[options.ndelaycells] +name = "ndelaycells" +type = "integer" +block = "options" +description = "number of nodes used to discretize delay interbeds. if not specified, then a default value of 19 is assigned." + +[options.compression_indices] +name = "compression_indices" +type = "keyword" +block = "options" +description = "keyword to indicate that the recompression (cr) and compression (cc) indices are specified instead of the elastic specific storage (sse) and inelastic specific storage (ssv) coefficients. if not specified, then elastic specific storage (sse) and inelastic specific storage (ssv) coefficients must be specified." + +[options.update_material_properties] +name = "update_material_properties" +type = "keyword" +block = "options" +description = "keyword to indicate that the thickness and void ratio of coarse-grained and interbed sediments (delay and no-delay) will vary during the simulation. if not specified, the thickness and void ratio of coarse-grained and interbed sediments will not vary during the simulation." + +[options.cell_fraction] +name = "cell_fraction" +type = "keyword" +block = "options" +description = "keyword to indicate that the thickness of interbeds will be specified in terms of the fraction of cell thickness. if not specified, interbed thicknness must be specified." + +[options.specified_initial_interbed_state] +name = "specified_initial_interbed_state" +type = "keyword" +block = "options" +description = "keyword to indicate that absolute preconsolidation stresses (heads) and delay bed heads will be specified for interbeds defined in the packagedata block. the specified_initial_interbed_state option is equivalent to specifying the specified_initial_preconsolitation_stress and specified_initial_delay_head. if specified_initial_interbed_state is not specified then preconsolidation stress (head) and delay bed head values specified in the packagedata block are relative to simulated values of the first stress period if steady-state or initial stresses and gwf heads if the first stress period is transient." + +[options.specified_initial_preconsolidation_stress] +name = "specified_initial_preconsolidation_stress" +type = "keyword" +block = "options" +description = "keyword to indicate that absolute preconsolidation stresses (heads) will be specified for interbeds defined in the packagedata block. if specified_initial_preconsolitation_stress and specified_initial_interbed_state are not specified then preconsolidation stress (head) values specified in the packagedata block are relative to simulated values if the first stress period is steady-state or initial stresses (heads) if the first stress period is transient." + +[options.specified_initial_delay_head] +name = "specified_initial_delay_head" +type = "keyword" +block = "options" +description = "keyword to indicate that absolute initial delay bed head will be specified for interbeds defined in the packagedata block. if specified_initial_delay_head and specified_initial_interbed_state are not specified then delay bed head values specified in the packagedata block are relative to simulated values if the first stress period is steady-state or initial gwf heads if the first stress period is transient." + +[options.effective_stress_lag] +name = "effective_stress_lag" +type = "keyword" +block = "options" +description = "keyword to indicate the effective stress from the previous time step will be used to calculate specific storage values. this option can 1) help with convergence in models with thin cells and water table elevations close to land surface; 2) is identical to the approach used in the subwt package for modflow-2005; and 3) is only used if the effective-stress formulation is being used. by default, current effective stress values are used to calculate specific storage values." + +[options.strainib_filerecord] +name = "strainib_filerecord" +type = "record" +block = "options" + +[options.strainib_filerecord.strain_csv_interbed] +block = "options" +name = "strain_csv_interbed" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify the record that corresponds to final interbed strain output." + +[options.strainib_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.strainib_filerecord.interbedstrain_filename] +block = "options" +name = "interbedstrain_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated-values output file to write final interbed strain information." + +[options.straincg_filerecord] +name = "straincg_filerecord" +type = "record" +block = "options" + +[options.straincg_filerecord.strain_csv_coarse] +block = "options" +name = "strain_csv_coarse" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify the record that corresponds to final coarse-grained material strain output." + +[options.straincg_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.straincg_filerecord.coarsestrain_filename] +block = "options" +name = "coarsestrain_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated-values output file to write final coarse-grained material strain information." + +[options.compaction_filerecord] +name = "compaction_filerecord" +type = "record" +block = "options" + +[options.compaction_filerecord.compaction] +block = "options" +name = "compaction" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "compaction keyword" +description = "keyword to specify that record corresponds to the compaction." + +[options.compaction_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.compaction_filerecord.compaction_filename] +block = "options" +name = "compaction_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write compaction information." + +[options.compaction_elastic_filerecord] +name = "compaction_elastic_filerecord" +type = "record" +block = "options" + +[options.compaction_elastic_filerecord.compaction_elastic] +block = "options" +name = "compaction_elastic" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "elastic interbed compaction keyword" +description = "keyword to specify that record corresponds to the elastic interbed compaction binary file." + +[options.compaction_elastic_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.compaction_elastic_filerecord.elastic_compaction_filename] +block = "options" +name = "elastic_compaction_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write elastic interbed compaction information." + +[options.compaction_inelastic_filerecord] +name = "compaction_inelastic_filerecord" +type = "record" +block = "options" + +[options.compaction_inelastic_filerecord.compaction_inelastic] +block = "options" +name = "compaction_inelastic" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "inelastic interbed compaction keyword" +description = "keyword to specify that record corresponds to the inelastic interbed compaction binary file." + +[options.compaction_inelastic_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.compaction_inelastic_filerecord.inelastic_compaction_filename] +block = "options" +name = "inelastic_compaction_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write inelastic interbed compaction information." + +[options.compaction_interbed_filerecord] +name = "compaction_interbed_filerecord" +type = "record" +block = "options" + +[options.compaction_interbed_filerecord.compaction_interbed] +block = "options" +name = "compaction_interbed" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "interbed compaction keyword" +description = "keyword to specify that record corresponds to the interbed compaction binary file." + +[options.compaction_interbed_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.compaction_interbed_filerecord.interbed_compaction_filename] +block = "options" +name = "interbed_compaction_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write interbed compaction information." + +[options.compaction_coarse_filerecord] +name = "compaction_coarse_filerecord" +type = "record" +block = "options" + +[options.compaction_coarse_filerecord.compaction_coarse] +block = "options" +name = "compaction_coarse" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "coarse compaction keyword" +description = "keyword to specify that record corresponds to the elastic coarse-grained material compaction binary file." + +[options.compaction_coarse_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.compaction_coarse_filerecord.coarse_compaction_filename] +block = "options" +name = "coarse_compaction_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write elastic coarse-grained material compaction information." + +[options.zdisplacement_filerecord] +name = "zdisplacement_filerecord" +type = "record" +block = "options" + +[options.zdisplacement_filerecord.zdisplacement] +block = "options" +name = "zdisplacement" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the z-displacement binary file." + +[options.zdisplacement_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.zdisplacement_filerecord.zdisplacement_filename] +block = "options" +name = "zdisplacement_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write z-displacement information." + +[options.package_convergence_filerecord] +name = "package_convergence_filerecord" +type = "record" +block = "options" + +[options.package_convergence_filerecord.package_convergence] +block = "options" +name = "package_convergence" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "package_convergence keyword" +description = "keyword to specify that record corresponds to the package convergence comma spaced values file. Package convergence data is for delay interbeds. A warning message will be issued if package convergence data is requested but delay interbeds are not included in the package." + +[options.package_convergence_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.package_convergence_filerecord.package_convergence_filename] +block = "options" +name = "package_convergence_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma spaced values output file to write package convergence information." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.ninterbeds] +name = "ninterbeds" +type = "integer" +block = "dimensions" +description = "is the number of csub interbed systems. more than 1 csub interbed systems can be assigned to a gwf cell; however, only 1 gwf cell can be assigned to a single csub interbed system." + +[dimensions.maxsig0] +name = "maxsig0" +type = "integer" +block = "dimensions" +description = "is the maximum number of cells that can have a specified stress offset. more than 1 stress offset can be assigned to a gwf cell. by default, maxsig0 is 0." + +[griddata.cg_ske_cr] +name = "cg_ske_cr" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the initial elastic coarse-grained material specific storage or recompression index. the recompression index is specified if compression_indices is specified in the options block. specified or calculated elastic coarse-grained material specific storage values are not adjusted from initial values if head_based is specified in the options block." +default = 1e-05 + +[griddata.cg_theta] +name = "cg_theta" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the initial porosity of coarse-grained materials." +default = 0.2 + +[griddata.sgm] +name = "sgm" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the specific gravity of moist or unsaturated sediments. if not specified, then a default value of 1.7 is assigned." + +[griddata.sgs] +name = "sgs" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the specific gravity of saturated sediments. if not specified, then a default value of 2.0 is assigned." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(ninterbeds)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.icsubno] +block = "packagedata" +name = "icsubno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "CSUB id number for this entry" +description = "integer value that defines the CSUB interbed number associated with the specified PACKAGEDATA data on the line. CSUBNO must be greater than zero and less than or equal to NINTERBEDS. CSUB information must be specified for every CSUB cell or the program will terminate with an error. The program will also terminate with an error if information for a CSUB interbed number is specified more than once." +numeric_index = "true" + +[packagedata.packagedata.packagedata.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[packagedata.packagedata.packagedata.cdelay] +block = "packagedata" +name = "cdelay" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "delay type" +description = "character string that defines the subsidence delay type for the interbed. Possible subsidence package CDELAY strings include: NODELAY--character keyword to indicate that delay will not be simulated in the interbed. DELAY--character keyword to indicate that delay will be simulated in the interbed." + +[packagedata.packagedata.packagedata.pcs0] +block = "packagedata" +name = "pcs0" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "initial stress" +description = "is the initial offset from the calculated initial effective stress or initial preconsolidation stress in the interbed, in units of height of a column of water. PCS0 is the initial preconsolidation stress if SPECIFIED_INITIAL_INTERBED_STATE or SPECIFIED_INITIAL_PRECONSOLIDATION_STRESS are specified in the OPTIONS block. If HEAD_BASED is specified in the OPTIONS block, PCS0 is the initial offset from the calculated initial head or initial preconsolidation head in the CSUB interbed and the initial preconsolidation stress is calculated from the calculated initial effective stress or calculated initial geostatic stress, respectively." + +[packagedata.packagedata.packagedata.thick_frac] +block = "packagedata" +name = "thick_frac" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "interbed thickness or cell fraction" +description = "is the interbed thickness or cell fraction of the interbed. Interbed thickness is specified as a fraction of the cell thickness if CELL_FRACTION is specified in the OPTIONS block." + +[packagedata.packagedata.packagedata.rnb] +block = "packagedata" +name = "rnb" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "delay interbed material factor" +description = "is the interbed material factor equivalent number of interbeds in the interbed system represented by the interbed. RNB must be greater than or equal to 1 if CDELAY is DELAY. Otherwise, RNB can be any value." + +[packagedata.packagedata.packagedata.ssv_cc] +block = "packagedata" +name = "ssv_cc" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "initial interbed inelastic specific storage" +description = "is the initial inelastic specific storage or compression index of the interbed. The compression index is specified if COMPRESSION_INDICES is specified in the OPTIONS block. Specified or calculated interbed inelastic specific storage values are not adjusted from initial values if HEAD_BASED is specified in the OPTIONS block." + +[packagedata.packagedata.packagedata.sse_cr] +block = "packagedata" +name = "sse_cr" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "initial interbed elastic specific storage" +description = "is the initial elastic coarse-grained material specific storage or recompression index of the interbed. The recompression index is specified if COMPRESSION_INDICES is specified in the OPTIONS block. Specified or calculated interbed elastic specific storage values are not adjusted from initial values if HEAD_BASED is specified in the OPTIONS block." + +[packagedata.packagedata.packagedata.theta] +block = "packagedata" +name = "theta" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "initial interbed porosity" +description = "is the initial porosity of the interbed." +default = "0.2" + +[packagedata.packagedata.packagedata.kv] +block = "packagedata" +name = "kv" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "delay interbed vertical hydraulic conductivity" +description = "is the vertical hydraulic conductivity of the delay interbed. KV must be greater than 0 if CDELAY is DELAY. Otherwise, KV can be any value." + +[packagedata.packagedata.packagedata.h0] +block = "packagedata" +name = "h0" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "initial delay interbed head" +description = "is the initial offset from the head in cell cellid or the initial head in the delay interbed. H0 is the initial head in the delay bed if SPECIFIED_INITIAL_INTERBED_STATE or SPECIFIED_INITIAL_DELAY_HEAD are specified in the OPTIONS block. H0 can be any value if CDELAY is NODELAY." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the CSUB cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxsig0)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.sig0] +block = "period" +name = "sig0" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "well stress offset" +description = "is the stress offset for the cell. SIG0 is added to the calculated geostatic stress for the cell. SIG0 is specified only if MAXSIG0 is specified to be greater than 0 in the DIMENSIONS block. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwf-dis.toml b/spec/toml/gwf-dis.toml index e06c07c..7c327fa 100644 --- a/spec/toml/gwf-dis.toml +++ b/spec/toml/gwf-dis.toml @@ -1,336 +1,116 @@ -component = "GWF" -subcomponent = "DIS" -blocknames = [ "options", "dimensions", "griddata",] -multipkg = false -stress = false -advanced = false +name = "gwf-dis" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position of the model grid origin" -description = "x-position of the lower-left corner of the model grid. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position of the model grid origin" -description = "y-position of the lower-left corner of the model grid. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" - -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "1" -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" +default = 1 -[block.dimensions.nrow] +[dimensions.nrow] +name = "nrow" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of rows" +block = "dimensions" description = "is the number of rows in the model grid." -deprecated = "" +default = 2 -[block.dimensions.ncol] +[dimensions.ncol] +name = "ncol" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the number of columns in the model grid." -deprecated = "" +default = 2 -[block.griddata.delr] -type = "double" -block_variable = false -valid = [] +[griddata.delr] +name = "delr" +type = "double precision" shape = "(ncol)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a row" +block = "griddata" description = "is the column spacing in the row direction." -deprecated = "" +default = 1.0 -[block.griddata.delc] -type = "double" -block_variable = false -valid = [] +[griddata.delc] +name = "delc" +type = "double precision" shape = "(nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a column" +block = "griddata" description = "is the row spacing in the column direction." -deprecated = "" +default = 1.0 -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncol, nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "cell top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" +default = 1.0 -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "0." -numeric_index = false -longname = "cell bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1 or greater, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1 or greater, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." diff --git a/spec/toml/gwf-disu.toml b/spec/toml/gwf-disu.toml index 87a6692..ae7c8bd 100644 --- a/spec/toml/gwf-disu.toml +++ b/spec/toml/gwf-disu.toml @@ -1,517 +1,246 @@ -component = "GWF" -subcomponent = "DISU" -blocknames = [ "options", "dimensions", "griddata", "connectiondata", "vertices", "cell2d",] -multipkg = false -stress = false -advanced = false - -[block.options.length_units] +name = "gwf-disu" +multi = false + +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" - -[block.options.nogrb] +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" - -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position origin of the model grid coordinate system" -description = "x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position origin of the model grid coordinate system" -description = "y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.vertical_offset_tolerance] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -default_value = "0.0" -numeric_index = false -longname = "vertical length dimension for top and bottom checking" -description = "checks are performed to ensure that the top of a cell is not higher than the bottom of an overlying cell. This option can be used to specify the tolerance that is used for checking. If top of a cell is above the bottom of an overlying cell by a value less than this tolerance, then the program will not terminate with an error. The default value is zero. This option should generally not be used." -deprecated = "" - -[block.options.export_array_ascii] + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.vertical_offset_tolerance] +name = "vertical_offset_tolerance" +type = "double precision" +block = "options" +description = "checks are performed to ensure that the top of a cell is not higher than the bottom of an overlying cell. this option can be used to specify the tolerance that is used for checking. if top of a cell is above the bottom of an overlying cell by a value less than this tolerance, then the program will not terminate with an error. the default value is zero. this option should generally not be used." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.dimensions.nodes] +[dimensions.nodes] +name = "nodes" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of cells in the model grid." -deprecated = "" -[block.dimensions.nja] +[dimensions.nja] +name = "nja" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of columns" -description = "is the sum of the number of connections and NODES. When calculating the total number of connections, the connection between cell n and cell m is considered to be different from the connection between cell m and cell n. Thus, NJA is equal to the total number of connections, including n to m and m to n, and the total number of cells." -deprecated = "" - -[block.dimensions.nvert] +block = "dimensions" +description = "is the sum of the number of connections and nodes. when calculating the total number of connections, the connection between cell n and cell m is considered to be different from the connection between cell m and cell n. thus, nja is equal to the total number of connections, including n to m and m to n, and the total number of cells." + +[dimensions.nvert] +name = "nvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "number of vertices" -description = "is the total number of (x, y) vertex pairs used to define the plan-view shape of each cell in the model grid. If NVERT is not specified or is specified as zero, then the VERTICES and CELL2D blocks below are not read. NVERT and the accompanying VERTICES and CELL2D blocks should be specified for most simulations. If the XT3D or SAVE_SPECIFIC_DISCHARGE options are specified in the NPF Package, then this information is required." -deprecated = "" - -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +block = "dimensions" +description = "is the total number of (x, y) vertex pairs used to define the plan-view shape of each cell in the model grid. if nvert is not specified or is specified as zero, then the vertices and cell2d blocks below are not read. nvert and the accompanying vertices and cell2d blocks should be specified for most simulations. if the xt3d or save_specific_discharge options are specified in the npf package, then this information is required." + +[griddata.top] +name = "top" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell top elevation" +block = "griddata" description = "is the top elevation for each cell in the model grid." -deprecated = "" -[block.griddata.bot] -type = "double" -block_variable = false -valid = [] +[griddata.bot] +name = "bot" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.area] -type = "double" -block_variable = false -valid = [] +[griddata.area] +name = "area" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell surface area" +block = "griddata" description = "is the cell surface area (in plan view)." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1 or greater, the cell exists in the simulation. IDOMAIN values of -1 cannot be specified for the DISU Package." -deprecated = "" - -[block.connectiondata.iac] +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1 or greater, the cell exists in the simulation. idomain values of -1 cannot be specified for the disu package." + +[connectiondata.iac] +name = "iac" type = "integer" -block_variable = false -valid = [] shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "number of cell connections" -description = "is the number of connections (plus 1) for each cell. The sum of all the entries in IAC must be equal to NJA." -deprecated = "" - -[block.connectiondata.ja] +block = "connectiondata" +description = "is the number of connections (plus 1) for each cell. the sum of all the entries in iac must be equal to nja." + +[connectiondata.ja] +name = "ja" type = "integer" -block_variable = false -valid = [] shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = true -longname = "grid connectivity" -description = "is a list of cell number (n) followed by its connecting cell numbers (m) for each of the m cells connected to cell n. The number of values to provide for cell n is IAC(n). This list is sequentially provided for the first to the last cell. The first value in the list must be cell n itself, and the remaining cells must be listed in an increasing order (sorted from lowest number to highest). Note that the cell and its connections are only supplied for the GWF cells and their connections to the other GWF cells. Also note that the JA list input may be divided such that every node and its connectivity list can be on a separate line for ease in readability of the file. To further ease readability of the file, the node number of the cell whose connectivity is subsequently listed, may be expressed as a negative number, the sign of which is subsequently converted to positive by the code." -deprecated = "" - -[block.connectiondata.ihc] +block = "connectiondata" +description = "is a list of cell number (n) followed by its connecting cell numbers (m) for each of the m cells connected to cell n. the number of values to provide for cell n is iac(n). this list is sequentially provided for the first to the last cell. the first value in the list must be cell n itself, and the remaining cells must be listed in an increasing order (sorted from lowest number to highest). note that the cell and its connections are only supplied for the gwf cells and their connections to the other gwf cells. also note that the ja list input may be divided such that every node and its connectivity list can be on a separate line for ease in readability of the file. to further ease readability of the file, the node number of the cell whose connectivity is subsequently listed, may be expressed as a negative number, the sign of which is subsequently converted to positive by the code." + +[connectiondata.ihc] +name = "ihc" type = "integer" -block_variable = false -valid = [] shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection type" -description = "is an index array indicating the direction between node n and all of its m connections. If IHC = 0 then cell n and cell m are connected in the vertical direction. Cell n overlies cell m if the cell number for n is less than m; cell m overlies cell n if the cell number for m is less than n. If IHC = 1 then cell n and cell m are connected in the horizontal direction. If IHC = 2 then cell n and cell m are connected in the horizontal direction, and the connection is vertically staggered. A vertically staggered connection is one in which a cell is horizontally connected to more than one cell in a horizontal connection." -deprecated = "" - -[block.connectiondata.cl12] -type = "double" -block_variable = false -valid = [] +block = "connectiondata" +description = "is an index array indicating the direction between node n and all of its m connections. if ihc = 0 then cell n and cell m are connected in the vertical direction. cell n overlies cell m if the cell number for n is less than m; cell m overlies cell n if the cell number for m is less than n. if ihc = 1 then cell n and cell m are connected in the horizontal direction. if ihc = 2 then cell n and cell m are connected in the horizontal direction, and the connection is vertically staggered. a vertically staggered connection is one in which a cell is horizontally connected to more than one cell in a horizontal connection." + +[connectiondata.cl12] +name = "cl12" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection lengths" +block = "connectiondata" description = "is the array containing connection lengths between the center of cell n and the shared face with each adjacent m cell." -deprecated = "" -[block.connectiondata.hwva] -type = "double" -block_variable = false -valid = [] +[connectiondata.hwva] +name = "hwva" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection lengths" -description = "is a symmetric array of size NJA. For horizontal connections, entries in HWVA are the horizontal width perpendicular to flow. For vertical connections, entries in HWVA are the vertical area for flow. Thus, values in the HWVA array contain dimensions of both length and area. Entries in the HWVA array have a one-to-one correspondence with the connections specified in the JA array. Likewise, there is a one-to-one correspondence between entries in the HWVA array and entries in the IHC array, which specifies the connection type (horizontal or vertical). Entries in the HWVA array must be symmetric; the program will terminate with an error if the value for HWVA for an n to m connection does not equal the value for HWVA for the corresponding n to m connection." -deprecated = "" - -[block.connectiondata.angldegx] -type = "double" -block_variable = false -valid = [] +block = "connectiondata" +description = "is a symmetric array of size nja. for horizontal connections, entries in hwva are the horizontal width perpendicular to flow. for vertical connections, entries in hwva are the vertical area for flow. thus, values in the hwva array contain dimensions of both length and area. entries in the hwva array have a one-to-one correspondence with the connections specified in the ja array. likewise, there is a one-to-one correspondence between entries in the hwva array and entries in the ihc array, which specifies the connection type (horizontal or vertical). entries in the hwva array must be symmetric; the program will terminate with an error if the value for hwva for an n to m connection does not equal the value for hwva for the corresponding n to m connection." + +[connectiondata.angldegx] +name = "angldegx" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "angle of face normal to connection" -description = "is the angle (in degrees) between the horizontal x-axis and the outward normal to the face between a cell and its connecting cells. The angle varies between zero and 360.0 degrees, where zero degrees points in the positive x-axis direction, and 90 degrees points in the positive y-axis direction. ANGLDEGX is only needed if horizontal anisotropy is specified in the NPF Package, if the XT3D option is used in the NPF Package, or if the SAVE_SPECIFIC_DISCHARGE option is specified in the NPF Package. ANGLDEGX does not need to be specified if these conditions are not met. ANGLDEGX is of size NJA; values specified for vertical connections and for the diagonal position are not used. Note that ANGLDEGX is read in degrees, which is different from MODFLOW-USG, which reads a similar variable (ANGLEX) in radians." -deprecated = "" - -[block.vertices.iv] +block = "connectiondata" +description = "is the angle (in degrees) between the horizontal x-axis and the outward normal to the face between a cell and its connecting cells. the angle varies between zero and 360.0 degrees, where zero degrees points in the positive x-axis direction, and 90 degrees points in the positive y-axis direction. angldegx is only needed if horizontal anisotropy is specified in the npf package, if the xt3d option is used in the npf package, or if the save_specific_discharge option is specified in the npf package. angldegx does not need to be specified if these conditions are not met. angldegx is of size nja; values specified for vertical connections and for the diagonal position are not used. note that angldegx is read in degrees, which is different from modflow-usg, which reads a similar variable (anglex) in radians." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" + +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "vertex number" description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." -deprecated = "" - -[block.vertices.xv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +numeric_index = "true" + +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for vertex" description = "is the x-coordinate for the vertex." -deprecated = "" - -[block.vertices.yv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for vertex" description = "is the y-coordinate for the vertex." -deprecated = "" -[block.vertices.vertices] -type = "recarray iv xv yv" -block_variable = false -valid = [] -shape = "(nvert)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "vertices data" -description = "" -deprecated = "" - -[block.cell2d.icell2d] +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(nodes)" +block = "cell2d" + +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cell2d number" description = "is the cell2d number. Records in the CELL2D block must be listed in consecutive order from 1 to NODES." -deprecated = "" - -[block.cell2d.xc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +numeric_index = "true" + +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for cell center" description = "is the x-coordinate for the cell center." -deprecated = "" - -[block.cell2d.yc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for cell center" description = "is the y-coordinate for the cell center." -deprecated = "" -[block.cell2d.ncvert] +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "number of cell vertices" description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." -deprecated = "" -[block.cell2d.icvert] +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" type = "integer" -block_variable = false -valid = [] shape = "(ncvert)" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "array of vertex numbers" description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order." -deprecated = "" - -[block.cell2d.cell2d] -type = "recarray icell2d xc yc ncvert icvert" -block_variable = false -valid = [] -shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "cell2d data" -description = "" -deprecated = "" +numeric_index = "true" diff --git a/spec/toml/gwf-disv.toml b/spec/toml/gwf-disv.toml index 69d0425..7024fa8 100644 --- a/spec/toml/gwf-disv.toml +++ b/spec/toml/gwf-disv.toml @@ -1,465 +1,210 @@ -component = "GWF" -subcomponent = "DISV" -blocknames = [ "options", "dimensions", "griddata", "vertices", "cell2d",] -multipkg = false -stress = false -advanced = false +name = "gwf-disv" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position origin of the model grid coordinate system" -description = "x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position origin of the model grid coordinate system" -description = "y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" - -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" -[block.dimensions.ncpl] +[dimensions.ncpl] +name = "ncpl" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of cells per layer" -description = "is the number of cells per layer. This is a constant value for the grid and it applies to all layers." -deprecated = "" +block = "dimensions" +description = "is the number of cells per layer. this is a constant value for the grid and it applies to all layers." -[block.dimensions.nvert] +[dimensions.nvert] +name = "nvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the total number of (x, y) vertex pairs used to characterize the horizontal configuration of the model grid." -deprecated = "" -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1 or greater, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1 or greater, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" -[block.vertices.iv] +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "vertex number" description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." -deprecated = "" +numeric_index = "true" -[block.vertices.xv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for vertex" description = "is the x-coordinate for the vertex." -deprecated = "" -[block.vertices.yv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for vertex" description = "is the y-coordinate for the vertex." -deprecated = "" -[block.vertices.vertices] -type = "recarray iv xv yv" -block_variable = false -valid = [] -shape = "(nvert)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "vertices data" -description = "" -deprecated = "" +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(ncpl)" +block = "cell2d" -[block.cell2d.icell2d] +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cell2d number" description = "is the CELL2D number. Records in the CELL2D block must be listed in consecutive order from the first to the last." -deprecated = "" +numeric_index = "true" -[block.cell2d.xc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for cell center" description = "is the x-coordinate for the cell center." -deprecated = "" -[block.cell2d.yc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for cell center" description = "is the y-coordinate for the cell center." -deprecated = "" -[block.cell2d.ncvert] +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "number of cell vertices" description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." -deprecated = "" -[block.cell2d.icvert] +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" type = "integer" -block_variable = false -valid = [] shape = "(ncvert)" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "array of vertex numbers" description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order. Cells that are connected must share vertices." -deprecated = "" - -[block.cell2d.cell2d] -type = "recarray icell2d xc yc ncvert icvert" -block_variable = false -valid = [] -shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "cell2d data" -description = "" -deprecated = "" +numeric_index = "true" diff --git a/spec/toml/gwf-drn.toml b/spec/toml/gwf-drn.toml new file mode 100644 index 0000000..288dcff --- /dev/null +++ b/spec/toml/gwf-drn.toml @@ -0,0 +1,160 @@ +name = "gwf-drn" +package_type = "stress-package" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of drain conductance." + +[options.auxdepthname] +name = "auxdepthname" +type = "string" +block = "options" +description = "name of a variable listed in auxiliary that defines the depth at which drainage discharge will be scaled. if a positive value is specified for the auxdepthname auxiliary variable, then elev is the elevation at which the drain starts to discharge and elev + ddrn (assuming ddrn is the auxdepthname variable) is the elevation when the drain conductance (cond) scaling factor is 1. if a negative drainage depth value is specified for ddrn, then elev + ddrn is the elevation at which the drain starts to discharge and elev is the elevation when the conductance (cond) scaling factor is 1. a linear- or cubic-scaling is used to scale the drain conductance (cond) when the standard or newton-raphson formulation is used, respectively. this discharge scaling option is described in more detail in chapter 3 of the supplemental technical information." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of drain cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of drain information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of drain flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that drain flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the drain package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[options.dev_cubic_scaling] +name = "dev_cubic_scaling" +type = "keyword" +block = "options" +description = "cubic-scaling is used to scale the drain conductance" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of drains cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.elev] +block = "period" +name = "elev" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "drain elevation" +description = "is the elevation of the drain. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.cond] +block = "period" +name = "cond" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "drain conductance" +description = "is the hydraulic conductance of the interface between the aquifer and the drain. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each drain. The values of auxiliary variables must be present for each drain. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "drain name" +description = "name of the drain cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwf-evt.toml b/spec/toml/gwf-evt.toml new file mode 100644 index 0000000..c4f6443 --- /dev/null +++ b/spec/toml/gwf-evt.toml @@ -0,0 +1,209 @@ +name = "gwf-evt" +package_type = "stress-package" +multi = true + +[options.fixed_cell] +name = "fixed_cell" +type = "keyword" +block = "options" +description = "indicates that evapotranspiration will not be reassigned to a cell underlying the cell specified in the list if the specified cell is inactive." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of evapotranspiration rate." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of evapotranspiration cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of evapotranspiration information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of evapotranspiration flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that evapotranspiration flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.surf_rate_specified] +name = "surf_rate_specified" +type = "keyword" +block = "options" +description = "indicates that the proportion of the evapotranspiration rate at the et surface will be specified as petm0 in list input." + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of evapotranspiration cells cells that will be specified for use during any stress period." + +[dimensions.nseg] +name = "nseg" +type = "integer" +block = "dimensions" +description = "number of et segments. default is one. when nseg is greater than 1, the pxdp and petm arrays must be of size nseg - 1 and be listed in order from the uppermost segment down. values for pxdp must be listed first followed by the values for petm. pxdp defines the extinction-depth proportion at the bottom of a segment. petm defines the proportion of the maximum et flux rate at the bottom of a segment." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.surface] +block = "period" +name = "surface" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "ET surface" +description = "is the elevation of the ET surface ($L$). If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.rate] +block = "period" +name = "rate" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "maximum ET rate" +description = "is the maximum ET flux rate ($LT^{-1}$). If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.depth] +block = "period" +name = "depth" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "ET extinction depth" +description = "is the ET extinction depth ($L$). If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.pxdp] +block = "period" +name = "pxdp" +type = "double precision" +shape = "(nseg-1)" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +time_series = "true" +longname = "proportion of ET extinction depth" +description = "is the proportion of the ET extinction depth at the bottom of a segment (dimensionless). pxdp is an array of size (nseg - 1). Values in pxdp must be greater than 0.0 and less than 1.0. pxdp values for a cell must increase monotonically. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.petm] +block = "period" +name = "petm" +type = "double precision" +shape = "(nseg-1)" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +time_series = "true" +longname = "proportion of maximum ET rate" +description = "is the proportion of the maximum ET flux rate at the bottom of a segment (dimensionless). petm is an array of size (nseg - 1). If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.petm0] +block = "period" +name = "petm0" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +time_series = "true" +longname = "proportion of maximum ET rate at ET surface" +description = "is the proportion of the maximum ET flux rate that will apply when head is at or above the ET surface (dimensionless). PETM0 is read only when the SURF_RATE_SPECIFIED option is used. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each evapotranspiration. The values of auxiliary variables must be present for each evapotranspiration. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "evapotranspiration name" +description = "name of the evapotranspiration cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwf-evta.toml b/spec/toml/gwf-evta.toml new file mode 100644 index 0000000..4bacbed --- /dev/null +++ b/spec/toml/gwf-evta.toml @@ -0,0 +1,116 @@ +name = "gwf-evta" +package_type = "stress-package" +multi = true + +[options.readasarrays] +name = "readasarrays" +type = "keyword" +block = "options" +description = "indicates that array-based input will be used for the evapotranspiration package. this keyword must be specified to use array-based input. when readasarrays is specified, values must be provided for every cell within a model layer, even those cells that have an idomain value less than one. values assigned to cells with idomain values less than one are not used and have no effect on simulation results." +default = true + +[options.fixed_cell] +name = "fixed_cell" +type = "keyword" +block = "options" +description = "indicates that evapotranspiration will not be reassigned to a cell underlying the cell specified in the list if the specified cell is inactive." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of evapotranspiration rate." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of evapotranspiration information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of evapotranspiration flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that evapotranspiration flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timearrayseries] +name = "timearrayseries" +type = "record" +block = "options" +description = "Contains data for the tas package. Data can be stored in a dictionary containing data for the tas package with variable names as keys and package data as values. Data just for the timearrayseries variable is also acceptable. See tas package documentation for more information" + +[options.timearrayseries.subpackage] +parent = "parent_package" +key = "tas_filerecord" +val = "timearrayseries" +abbr = "tas" +param = "tas_array" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.export_array_netcdf] +name = "export_array_netcdf" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." + +[period.ievt] +name = "ievt" +type = "integer" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "ievt is the layer number that defines the layer in each vertical column where evapotranspiration is applied. if ievt is omitted, evapotranspiration by default is applied to cells in layer 1. if ievt is specified, it must be specified as the first variable in the period block or modflow will terminate with an error." + +[period.surface] +name = "surface" +type = "double precision" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "is the elevation of the et surface ($l$)." + +[period.rate] +name = "rate" +type = "double precision" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "is the maximum et flux rate ($lt^{-1}$)." +default = 0.001 + +[period.depth] +name = "depth" +type = "double precision" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "is the et extinction depth ($l$)." +default = 1.0 + +[period.aux] +name = "aux" +type = "double precision" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "is an array of values for auxiliary variable aux(iaux), where iaux is a value from 1 to naux, and aux(iaux) must be listed as part of the auxiliary variables. a separate array can be specified for each auxiliary variable. if an array is not specified for an auxiliary variable, then a value of zero is assigned. if the value specified here for the auxiliary variable is the same as auxmultname, then the evapotranspiration rate will be multiplied by this array." diff --git a/spec/toml/gwf-ghb.toml b/spec/toml/gwf-ghb.toml new file mode 100644 index 0000000..b452e25 --- /dev/null +++ b/spec/toml/gwf-ghb.toml @@ -0,0 +1,148 @@ +name = "gwf-ghb" +package_type = "stress-package" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of general-head boundary conductance." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of general-head boundary cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of general-head boundary information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of general-head boundary flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that general-head boundary flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the general-head boundary package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of general-head boundary cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.bhead] +block = "period" +name = "bhead" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "boundary head" +description = "is the boundary head. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.cond] +block = "period" +name = "cond" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "boundary conductance" +description = "is the hydraulic conductance of the interface between the aquifer cell and the boundary. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each general-head boundary. The values of auxiliary variables must be present for each general-head boundary. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "general-head boundary name" +description = "name of the general-head boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwf-gnc.toml b/spec/toml/gwf-gnc.toml new file mode 100644 index 0000000..33acb3c --- /dev/null +++ b/spec/toml/gwf-gnc.toml @@ -0,0 +1,95 @@ +name = "gwf-gnc" +multi = false + +[subpackage] +parent = "parent_model_or_package" +key = "gnc_filerecord" +val = "gncdata" +abbr = "gnc" +param = "gncdata" + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of gnc information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of gnc flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.explicit] +name = "explicit" +type = "keyword" +block = "options" +description = "keyword to indicate that the ghost node correction is applied in an explicit manner on the right-hand side of the matrix. the explicit approach will likely require additional outer iterations. if the keyword is not specified, then the correction will be applied in an implicit manner on the left-hand side. the implicit approach will likely converge better, but may require additional memory. if the explicit keyword is not specified, then the bicgstab linear acceleration option should be specified within the linear block of the sparse matrix solver." + +[dimensions.numgnc] +name = "numgnc" +type = "integer" +block = "dimensions" +description = "is the number of gnc entries." + +[dimensions.numalphaj] +name = "numalphaj" +type = "integer" +block = "dimensions" +description = "is the number of contributing factors." + +[gncdata.gncdata] +name = "gncdata" +type = "list" +shape = "(maxbound)" +block = "gncdata" + +[gncdata.gncdata.gncdata] +name = "gncdata" +type = "record" +block = "gncdata" + +[gncdata.gncdata.gncdata.cellidn] +block = "gncdata" +name = "cellidn" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "GNC cellid n" +description = "is the cellid of the cell, $n$, in which the ghost node is located. For a structured grid that uses the DIS input file, CELLIDN is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDN is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDN is the node number for the cell." +numeric_index = "true" + +[gncdata.gncdata.gncdata.cellidm] +block = "gncdata" +name = "cellidm" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "GNC cellid n" +description = "is the cellid of the connecting cell, $m$, to which flow occurs from the ghost node. For a structured grid that uses the DIS input file, CELLIDM is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLIDM is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLIDM is the node number for the cell." +numeric_index = "true" + +[gncdata.gncdata.gncdata.cellidsj] +block = "gncdata" +name = "cellidsj" +type = "integer" +shape = "(numalphaj)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "GNC contributing cells" +description = "is the array of CELLIDS for the contributing j cells, which contribute to the interpolated head value at the ghost node. This item contains one CELLID for each of the contributing cells of the ghost node. Note that if the number of actual contributing cells needed by the user is less than NUMALPHAJ for any ghost node, then a dummy CELLID of zero(s) should be inserted with an associated contributing factor of zero. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLID is the layer number and cell2d number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLID is the node number for the cell." +numeric_index = "true" + +[gncdata.gncdata.gncdata.alphasj] +block = "gncdata" +name = "alphasj" +type = "double precision" +shape = "(numalphaj)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "GNC contributing factors" +description = "is the contributing factors for each contributing node in CELLIDSJ. Note that if the number of actual contributing cells is less than NUMALPHAJ for any ghost node, then dummy CELLIDS should be inserted with an associated contributing factor of zero. The sum of ALPHASJ should be less than one. This is because one minus the sum of ALPHASJ is equal to the alpha term (alpha n in equation 4-61 of the GWF Model report) that is multiplied by the head in cell n." diff --git a/spec/toml/gwf-hfb.toml b/spec/toml/gwf-hfb.toml new file mode 100644 index 0000000..80e1edb --- /dev/null +++ b/spec/toml/gwf-hfb.toml @@ -0,0 +1,57 @@ +name = "gwf-hfb" +multi = false + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of horizontal flow barriers will be written to the listing file immediately after it is read." + +[dimensions.maxhfb] +name = "maxhfb" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of horizontal flow barriers that will be entered in this input file. the value of maxhfb is used to allocate memory for the horizontal flow barriers." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxhfb)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid1] +block = "period" +name = "cellid1" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "first cell adjacent to barrier" +description = "identifier for the first cell. For a structured grid that uses the DIS input file, CELLID1 is the layer, row, and column numbers of the cell. For a grid that uses the DISV input file, CELLID1 is the layer number and CELL2D number for the two cells. If the model uses the unstructured discretization (DISU) input file, then CELLID1 is the node numbers for the cell. The barrier is located between cells designated as CELLID1 and CELLID2. For models that use the DIS and DISV grid types, the layer number for CELLID1 and CELLID2 must be the same. For all grid types, cells must be horizontally adjacent or the program will terminate with an error." + +[period.stress_period_data.stress_period_data.cellid2] +block = "period" +name = "cellid2" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "second cell adjacent to barrier" +description = "identifier for the second cell. See CELLID1 for description of how to specify." + +[period.stress_period_data.stress_period_data.hydchr] +block = "period" +name = "hydchr" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "barrier hydraulic characteristic" +description = "is the hydraulic characteristic of the horizontal-flow barrier. The hydraulic characteristic is the barrier hydraulic conductivity divided by the width of the horizontal-flow barrier. If the hydraulic characteristic is negative, then the absolute value of HYDCHR acts as a multiplier to the conductance between the two model cells specified as containing the barrier. For example, if the value for HYDCHR was specified as -1.5, the conductance calculated for the two cells would be multiplied by 1.5." diff --git a/spec/toml/gwf-ic.toml b/spec/toml/gwf-ic.toml index e1236a3..4c93171 100644 --- a/spec/toml/gwf-ic.toml +++ b/spec/toml/gwf-ic.toml @@ -1,58 +1,22 @@ -component = "GWF" -subcomponent = "IC" -blocknames = [ "options", "griddata",] -multipkg = false -stress = false -advanced = false +name = "gwf-ic" +multi = false -[block.options.export_array_ascii] +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" -[block.griddata.strt] -type = "double" -block_variable = false -valid = [] +[griddata.strt] +name = "strt" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "starting head" -description = "is the initial (starting) head---that is, head at the beginning of the GWF Model simulation. STRT must be specified for all simulations, including steady-state simulations. One value is read for every model cell. For simulations in which the first stress period is steady state, the values used for STRT generally do not affect the simulation (exceptions may occur if cells go dry and (or) rewet). The execution time, however, will be less if STRT includes hydraulic heads that are close to the steady-state solution. A head value lower than the cell bottom can be provided if a cell should start as dry." -deprecated = "" +block = "griddata" +description = "is the initial (starting) head---that is, head at the beginning of the gwf model simulation. strt must be specified for all simulations, including steady-state simulations. one value is read for every model cell. for simulations in which the first stress period is steady state, the values used for strt generally do not affect the simulation (exceptions may occur if cells go dry and (or) rewet). the execution time, however, will be less if strt includes hydraulic heads that are close to the steady-state solution. a head value lower than the cell bottom can be provided if a cell should start as dry." +default = 1.0 diff --git a/spec/toml/gwf-lak.toml b/spec/toml/gwf-lak.toml new file mode 100644 index 0000000..15db381 --- /dev/null +++ b/spec/toml/gwf-lak.toml @@ -0,0 +1,727 @@ +name = "gwf-lak" +package_type = "advanced-stress-package" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of lake cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake information will be written to the listing file immediately after it is read." + +[options.print_stage] +name = "print_stage" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake {#2} will be printed to the listing file for every stress period in which 'head print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that lake flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.stage_filerecord] +name = "stage_filerecord" +type = "record" +block = "options" + +[options.stage_filerecord.stage] +block = "period" +name = "stage" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "lake stage" +description = "real or character value that defines the stage for the lake. The specified STAGE is only applied if the lake is a constant stage lake. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.stage_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.stage_filerecord.stagefile] +block = "options" +name = "stagefile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write stage information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.package_convergence_filerecord] +name = "package_convergence_filerecord" +type = "record" +block = "options" + +[options.package_convergence_filerecord.package_convergence] +block = "options" +name = "package_convergence" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "package_convergence keyword" +description = "keyword to specify that record corresponds to the package convergence comma spaced values file." + +[options.package_convergence_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.package_convergence_filerecord.package_convergence_filename] +block = "options" +name = "package_convergence_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma spaced values output file to write package convergence information." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the lak package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[options.surfdep] +name = "surfdep" +type = "double precision" +block = "options" +description = "real value that defines the surface depression depth for vertical lake-gwf connections. if specified, surfdep must be greater than or equal to zero. if surfdep is not specified, a default value of zero is used for all vertical lake-gwf connections." + +[options.maximum_iterations] +name = "maximum_iterations" +type = "integer" +block = "options" +description = "integer value that defines the maximum number of newton-raphson iterations allowed for a lake. by default, maximum_iterations is equal to 100. maximum_iterations would only need to be increased from the default value if one or more lakes in a simulation has a large water budget error." + +[options.maximum_stage_change] +name = "maximum_stage_change" +type = "double precision" +block = "options" +description = "real value that defines the lake stage closure tolerance. by default, maximum_stage_change is equal to $1 times 10^{-5}$. the maximum_stage_change would only need to be increased or decreased from the default value if the water budget error for one or more lakes is too small or too large, respectively." + +[options.time_conversion] +name = "time_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients or gravitational acceleration used to calculate outlet flows from seconds to model time units. time_conversion should be set to 1.0, 60.0, 3,600.0, 86,400.0, and 31,557,600.0 when using time units (time_units) of seconds, minutes, hours, days, or years in the simulation, respectively. convtime does not need to be specified if no lake outlets are specified or time_units are seconds." + +[options.length_conversion] +name = "length_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert outlet user-specified manning's roughness coefficients or gravitational acceleration used to calculate outlet flows from meters to model length units. length_conversion should be set to 3.28081, 1.0, and 100.0 when using length units (length_units) of feet, meters, or centimeters in the simulation, respectively. length_conversion does not need to be specified if no lake outlets are specified or length_units are meters." + +[dimensions.nlakes] +name = "nlakes" +type = "integer" +block = "dimensions" +description = "value specifying the number of lakes that will be simulated for all stress periods." + +[dimensions.noutlets] +name = "noutlets" +type = "integer" +block = "dimensions" +description = "value specifying the number of outlets that will be simulated for all stress periods. if noutlets is not specified, a default value of zero is used." + +[dimensions.ntables] +name = "ntables" +type = "integer" +block = "dimensions" +description = "value specifying the number of lakes tables that will be used to define the lake stage, volume relation, and surface area. if ntables is not specified, a default value of zero is used." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "tables" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake number for this entry" +description = "integer value that defines the feature (lake) number associated with the specified TABLES data on the line. IFNO must be greater than zero and less than or equal to NLAKES. The program will terminate with an error if table information for a lake is specified more than once or the number of specified tables is less than NTABLES." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting lake stage" +description = "real value that defines the starting stage for the lake." + +[packagedata.packagedata.packagedata.nlakeconn] +block = "packagedata" +name = "nlakeconn" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "number of lake connections" +description = "integer value that defines the number of GWF cells connected to this (IFNO) lake. There can only be one vertical lake connection to each GWF cell. NLAKECONN must be greater than zero." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each lake. The values of auxiliary variables must be present for each lake. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the lake cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[connectiondata.connectiondata] +name = "connectiondata" +type = "list" +shape = "(sum(nlakeconn))" +block = "connectiondata" + +[connectiondata.connectiondata.connectiondata] +name = "connectiondata" +type = "record" +block = "connectiondata" + +[connectiondata.connectiondata.connectiondata.ifno] +block = "tables" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake number for this entry" +description = "integer value that defines the feature (lake) number associated with the specified TABLES data on the line. IFNO must be greater than zero and less than or equal to NLAKES. The program will terminate with an error if table information for a lake is specified more than once or the number of specified tables is less than NTABLES." +numeric_index = "true" + +[connectiondata.connectiondata.connectiondata.iconn] +block = "connectiondata" +name = "iconn" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "connection number for this entry" +description = "integer value that defines the GWF connection number for this lake connection entry. ICONN must be greater than zero and less than or equal to NLAKECONN for lake IFNO." +numeric_index = "true" + +[connectiondata.connectiondata.connectiondata.cellid] +block = "connectiondata" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[connectiondata.connectiondata.connectiondata.claktype] +block = "connectiondata" +name = "claktype" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake connection type" +description = "character string that defines the lake-GWF connection type for the lake connection. Possible lake-GWF connection type strings include: VERTICAL--character keyword to indicate the lake-GWF connection is vertical and connection conductance calculations use the hydraulic conductivity corresponding to the $K_{33}$ tensor component defined for CELLID in the NPF package. HORIZONTAL--character keyword to indicate the lake-GWF connection is horizontal and connection conductance calculations use the hydraulic conductivity corresponding to the $K_{11}$ tensor component defined for CELLID in the NPF package. EMBEDDEDH--character keyword to indicate the lake-GWF connection is embedded in a single cell and connection conductance calculations use the hydraulic conductivity corresponding to the $K_{11}$ tensor component defined for CELLID in the NPF package. EMBEDDEDV--character keyword to indicate the lake-GWF connection is embedded in a single cell and connection conductance calculations use the hydraulic conductivity corresponding to the $K_{33}$ tensor component defined for CELLID in the NPF package. Embedded lakes can only be connected to a single cell (NLAKECONN = 1) and there must be a lake table associated with each embedded lake." + +[connectiondata.connectiondata.connectiondata.bedleak] +block = "connectiondata" +name = "bedleak" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "bed leakance" +description = "real value or character string that defines the bed leakance for the lake-GWF connection. BEDLEAK must be greater than or equal to zero, equal to the DNODATA value (3.0E+30), or specified to be NONE. If DNODATA or NONE is specified for BEDLEAK, the lake-GWF connection conductance is solely a function of aquifer properties in the connected GWF cell and lakebed sediments are assumed to be absent. Warning messages will be issued if NONE is specified. Eventually the ability to specify NONE will be deprecated and cause MODFLOW 6 to terminate with an error." + +[connectiondata.connectiondata.connectiondata.belev] +block = "connectiondata" +name = "belev" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "bottom elevation" +description = "real value that defines the bottom elevation for a HORIZONTAL lake-GWF connection. Any value can be specified if CLAKTYPE is VERTICAL, EMBEDDEDH, or EMBEDDEDV. If CLAKTYPE is HORIZONTAL and BELEV is not equal to TELEV, BELEV must be greater than or equal to the bottom of the GWF cell CELLID. If BELEV is equal to TELEV, BELEV is reset to the bottom of the GWF cell CELLID." + +[connectiondata.connectiondata.connectiondata.telev] +block = "connectiondata" +name = "telev" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "top elevation" +description = "real value that defines the top elevation for a HORIZONTAL lake-GWF connection. Any value can be specified if CLAKTYPE is VERTICAL, EMBEDDEDH, or EMBEDDEDV. If CLAKTYPE is HORIZONTAL and TELEV is not equal to BELEV, TELEV must be less than or equal to the top of the GWF cell CELLID. If TELEV is equal to BELEV, TELEV is reset to the top of the GWF cell CELLID." + +[connectiondata.connectiondata.connectiondata.connlen] +block = "connectiondata" +name = "connlen" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "connection length" +description = "real value that defines the distance between the connected GWF CELLID node and the lake for a HORIZONTAL, EMBEDDEDH, or EMBEDDEDV lake-GWF connection. CONLENN must be greater than zero for a HORIZONTAL, EMBEDDEDH, or EMBEDDEDV lake-GWF connection. Any value can be specified if CLAKTYPE is VERTICAL." + +[connectiondata.connectiondata.connectiondata.connwidth] +block = "connectiondata" +name = "connwidth" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "connection width" +description = "real value that defines the connection face width for a HORIZONTAL lake-GWF connection. CONNWIDTH must be greater than zero for a HORIZONTAL lake-GWF connection. Any value can be specified if CLAKTYPE is VERTICAL, EMBEDDEDH, or EMBEDDEDV." + +[tables.tables] +name = "tables" +type = "list" +shape = "(ntables)" +block = "tables" + +[tables.tables.tables] +name = "tables" +type = "record" +block = "tables" + +[tables.tables.tables.ifno] +block = "tables" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake number for this entry" +description = "integer value that defines the feature (lake) number associated with the specified TABLES data on the line. IFNO must be greater than zero and less than or equal to NLAKES. The program will terminate with an error if table information for a lake is specified more than once or the number of specified tables is less than NTABLES." +numeric_index = "true" + +[tables.tables.tables.tab6] +block = "tables" +name = "tab6" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to a table file." + +[tables.tables.tables.filein] +block = "tables" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[tables.tables.tables.tab6_filename] +block = "tables" +name = "tab6_filename" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +optional = "false" +tagged = "false" +longname = "table file name" +description = "character string that defines the path and filename for the file containing lake table data for the lake connection. The TAB6_FILENAME file includes the number of entries in the file and the relation between stage, volume, and surface area for each entry in the file. Lake table files for EMBEDDEDH and EMBEDDEDV lake-GWF connections also include lake-GWF exchange area data for each entry in the file. Instructions for creating the TAB6_FILENAME input file are provided in Lake Table Input File section." + +[outlets.outlets] +name = "outlets" +type = "list" +shape = "(noutlets)" +block = "outlets" + +[outlets.outlets.outlets] +name = "outlets" +type = "record" +block = "outlets" + +[outlets.outlets.outlets.outletno] +block = "outlets" +name = "outletno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "outlet number for this entry" +description = "integer value that defines the outlet number associated with the specified OUTLETS data on the line. OUTLETNO must be greater than zero and less than or equal to NOUTLETS. Outlet information must be specified for every outlet or the program will terminate with an error. The program will also terminate with an error if information for a outlet is specified more than once." +numeric_index = "true" + +[outlets.outlets.outlets.lakein] +block = "outlets" +name = "lakein" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake number for upstream lake" +description = "integer value that defines the lake number that outlet is connected to. LAKEIN must be greater than zero and less than or equal to NLAKES." +numeric_index = "true" + +[outlets.outlets.outlets.lakeout] +block = "outlets" +name = "lakeout" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake number for downstream lake" +description = "integer value that defines the lake number that outlet discharge from lake outlet OUTLETNO is routed to. LAKEOUT must be greater than or equal to zero and less than or equal to NLAKES. If LAKEOUT is zero, outlet discharge from lake outlet OUTLETNO is discharged to an external boundary." +numeric_index = "true" + +[outlets.outlets.outlets.couttype] +block = "outlets" +name = "couttype" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "outlet type" +description = "character string that defines the outlet type for the outlet OUTLETNO. Possible COUTTYPE strings include: SPECIFIED--character keyword to indicate the outlet is defined as a specified flow. MANNING--character keyword to indicate the outlet is defined using Manning's equation. WEIR--character keyword to indicate the outlet is defined using a sharp weir equation." + +[outlets.outlets.outlets.invert] +block = "period" +name = "invert" +type = "string" +tagged = "true" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "invert elevation" +description = "real or character value that defines the invert elevation for the lake outlet. A specified INVERT value is only used for active lakes if COUTTYPE for lake outlet OUTLETNO is not SPECIFIED. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[outlets.outlets.outlets.width] +block = "period" +name = "width" +type = "string" +tagged = "true" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "outlet width" +description = "real or character value that defines the width of the lake outlet. A specified WIDTH value is only used for active lakes if COUTTYPE for lake outlet OUTLETNO is not SPECIFIED. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[outlets.outlets.outlets.rough] +block = "period" +name = "rough" +type = "string" +tagged = "true" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "roughness coefficient" +description = "real value that defines the roughness coefficient for the lake outlet. Any value can be specified if COUTTYPE is not MANNING. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[outlets.outlets.outlets.slope] +block = "period" +name = "slope" +type = "string" +tagged = "true" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "bed slope" +description = "real or character value that defines the bed slope for the lake outlet. A specified SLOPE value is only used for active lakes if COUTTYPE for lake outlet OUTLETNO is MANNING. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata] +name = "perioddata" +type = "list" +block = "period" + +[period.perioddata.perioddata] +name = "perioddata" +type = "record" +block = "period" + +[period.perioddata.perioddata.number] +name = "number" +type = "integer" +block = "period" +description = "integer value that defines the lake or outlet number associated with the specified period data on the line. number must be greater than zero and less than or equal to nlakes for a lake number and less than or equal to noutlets for an outlet number." + +[period.perioddata.perioddata.laksetting] +name = "laksetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the laksetting string include both keywords for lake settings and keywords for outlet settings. keywords for lake settings include: status, stage, rainfall, evaporation, runoff, inflow, withdrawal, and auxiliary. keywords for outlet settings include rate, invert, width, slope, and rough." + +[period.perioddata.perioddata.laksetting.stage] +name = "stage" +type = "string" +block = "period" +description = "real or character value that defines the stage for the lake. the specified stage is only applied if the lake is a constant stage lake. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.invert] +name = "invert" +type = "string" +block = "period" +description = "real or character value that defines the invert elevation for the lake outlet. a specified invert value is only used for active lakes if couttype for lake outlet outletno is not specified. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.width] +name = "width" +type = "string" +block = "period" +description = "real or character value that defines the width of the lake outlet. a specified width value is only used for active lakes if couttype for lake outlet outletno is not specified. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.rough] +name = "rough" +type = "string" +block = "period" +description = "real value that defines the roughness coefficient for the lake outlet. any value can be specified if couttype is not manning. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.slope] +name = "slope" +type = "string" +block = "period" +description = "real or character value that defines the bed slope for the lake outlet. a specified slope value is only used for active lakes if couttype for lake outlet outletno is manning. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define lake status. status can be active, inactive, or constant. by default, status is active." + +[period.perioddata.perioddata.laksetting.rainfall] +name = "rainfall" +type = "string" +block = "period" +description = "real or character value that defines the rainfall rate $(lt^{-1})$ for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.evaporation] +name = "evaporation" +type = "string" +block = "period" +description = "real or character value that defines the maximum evaporation rate $(lt^{-1})$ for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.runoff] +name = "runoff" +type = "string" +block = "period" +description = "real or character value that defines the runoff rate $(l^3 t^{-1})$ for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.inflow] +name = "inflow" +type = "string" +block = "period" +description = "real or character value that defines the volumetric inflow rate $(l^3 t^{-1})$ for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. by default, inflow rates are zero for each lake." + +[period.perioddata.perioddata.laksetting.withdrawal] +name = "withdrawal" +type = "string" +block = "period" +description = "real or character value that defines the maximum withdrawal rate $(l^3 t^{-1})$ for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.laksetting.rate] +name = "rate" +type = "string" +block = "period" +description = "real or character value that defines the extraction rate for the lake outflow. a positive value indicates inflow and a negative value indicates outflow from the lake. rate only applies to outlets associated with active lakes (status is active). a specified rate is only applied if couttype for the outletno is specified. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. by default, the rate for each specified lake outlet is zero." + +[period.perioddata.perioddata.laksetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.laksetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.perioddata.perioddata.laksetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.perioddata.perioddata.laksetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwf-maw.toml b/spec/toml/gwf-maw.toml new file mode 100644 index 0000000..b68bb80 --- /dev/null +++ b/spec/toml/gwf-maw.toml @@ -0,0 +1,634 @@ +name = "gwf-maw" +package_type = "advanced-stress-package" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of multi-aquifer well cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of multi-aquifer well information will be written to the listing file immediately after it is read." + +[options.print_head] +name = "print_head" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of multi-aquifer well {#2} will be printed to the listing file for every stress period in which 'head print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of multi-aquifer well flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that multi-aquifer well flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.head_filerecord] +name = "head_filerecord" +type = "record" +block = "options" + +[options.head_filerecord.head] +block = "options" +name = "head" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to head." + +[options.head_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.head_filerecord.headfile] +block = "options" +name = "headfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write head information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.no_well_storage] +name = "no_well_storage" +type = "keyword" +block = "options" +description = "keyword that deactivates inclusion of well storage contributions to the multi-aquifer well package continuity equation." + +[options.flow_correction] +name = "flow_correction" +type = "keyword" +block = "options" +description = "keyword that activates flow corrections in cases where the head in a multi-aquifer well is below the bottom of the screen for a connection or the head in a convertible cell connected to a multi-aquifer well is below the cell bottom. when flow corrections are activated, unit head gradients are used to calculate the flow between a multi-aquifer well and a connected gwf cell. by default, flow corrections are not made." + +[options.flowing_wells] +name = "flowing_wells" +type = "keyword" +block = "options" +description = "keyword that activates the flowing wells option for the multi-aquifer well package." + +[options.shutdown_theta] +name = "shutdown_theta" +type = "double precision" +block = "options" +description = "value that defines the weight applied to discharge rate for wells that limit the water level in a discharging well (defined using the head_limit keyword in the stress period data). shutdown_theta is used to control discharge rate oscillations when the flow rate from the aquifer is less than the specified flow rate from the aquifer to the well. values range between 0.0 and 1.0, and larger values increase the weight (decrease under-relaxation) applied to the well discharge rate. the head_limit option has been included to facilitate backward compatibility with previous versions of modflow but use of the rate_scaling option instead of the head_limit option is recommended. by default, shutdown_theta is 0.7." + +[options.shutdown_kappa] +name = "shutdown_kappa" +type = "double precision" +block = "options" +description = "value that defines the weight applied to discharge rate for wells that limit the water level in a discharging well (defined using the head_limit keyword in the stress period data). shutdown_kappa is used to control discharge rate oscillations when the flow rate from the aquifer is less than the specified flow rate from the aquifer to the well. values range between 0.0 and 1.0, and larger values increase the weight applied to the well discharge rate. the head_limit option has been included to facilitate backward compatibility with previous versions of modflow but use of the rate_scaling option instead of the head_limit option is recommended. by default, shutdown_kappa is 0.0001." + +[options.mfrcsv_filerecord] +name = "mfrcsv_filerecord" +type = "record" +block = "options" + +[options.mfrcsv_filerecord.maw_flow_reduce_csv] +block = "options" +name = "maw_flow_reduce_csv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the output option in which a new record is written for each multi-aquifer well and for each time step in which the user-requested extraction or injection rate is reduced by the program." + +[options.mfrcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.mfrcsv_filerecord.mfrcsvfile] +block = "options" +name = "mfrcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write information about multi-aquifer well extraction or injection rates that have been reduced by the program. Entries are only written if the extraction or injection rates are reduced." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the maw package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[dimensions.nmawwells] +name = "nmawwells" +type = "integer" +block = "dimensions" +description = "integer value specifying the number of multi-aquifer wells that will be simulated for all stress periods." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(nmawwells)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "well number for this entry" +description = "integer value that defines the well number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NMAWWELLS." +numeric_index = "true" + +[packagedata.packagedata.packagedata.radius] +block = "packagedata" +name = "radius" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "well radius" +description = "radius for the multi-aquifer well. The program will terminate with an error if the radius is less than or equal to zero." + +[packagedata.packagedata.packagedata.bottom] +block = "packagedata" +name = "bottom" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "well bottom" +description = "bottom elevation of the multi-aquifer well. If CONDEQN is SPECIFIED, THIEM, SKIN, or COMPOSITE, BOTTOM is set to the cell bottom in the lowermost GWF cell connection in cases where the specified well bottom is above the bottom of this GWF cell. If CONDEQN is MEAN, BOTTOM is set to the lowermost GWF cell connection screen bottom in cases where the specified well bottom is above this value. The bottom elevation defines the lowest well head that will be simulated when the NEWTON UNDER_RELAXATION option is specified in the GWF model name file. The bottom elevation is also used to calculate volumetric storage in the well." + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting head" +description = "starting head for the multi-aquifer well. The program will terminate with an error if the starting head is less than the specified well bottom." + +[packagedata.packagedata.packagedata.condeqn] +block = "packagedata" +name = "condeqn" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "conductance equation" +description = "character string that defines the conductance equation that is used to calculate the saturated conductance for the multi-aquifer well. Possible multi-aquifer well CONDEQN strings include: SPECIFIED--character keyword to indicate the multi-aquifer well saturated conductance will be specified. THIEM--character keyword to indicate the multi-aquifer well saturated conductance will be calculated using the Thiem equation, which considers the cell top and bottom, aquifer hydraulic conductivity, and effective cell and well radius. SKIN--character keyword to indicate that the multi-aquifer well saturated conductance will be calculated using the cell top and bottom, aquifer and screen hydraulic conductivity, and well and skin radius. CUMULATIVE--character keyword to indicate that the multi-aquifer well saturated conductance will be calculated using a combination of the Thiem and SKIN equations. MEAN--character keyword to indicate the multi-aquifer well saturated conductance will be calculated using the aquifer and screen top and bottom, aquifer and screen hydraulic conductivity, and well and skin radius. The CUMULATIVE conductance equation is identical to the SKIN LOSSTYPE in the Multi-Node Well (MNW2) package for MODFLOW-2005. The program will terminate with an error condition if CONDEQN is SKIN or CUMULATIVE and the calculated saturated conductance is less than zero; if an error condition occurs, it is suggested that the THIEM or MEAN conductance equations be used for these multi-aquifer wells." + +[packagedata.packagedata.packagedata.ngwfnodes] +block = "packagedata" +name = "ngwfnodes" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "number of connected GWF cells" +description = "integer value that defines the number of GWF nodes connected to this (IFNO) multi-aquifer well. NGWFNODES must be greater than zero." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each multi-aquifer well. The values of auxiliary variables must be present for each multi-aquifer well. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the multi-aquifer well cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[connectiondata.connectiondata] +name = "connectiondata" +type = "list" +block = "connectiondata" + +[connectiondata.connectiondata.connectiondata] +name = "connectiondata" +type = "record" +block = "connectiondata" + +[connectiondata.connectiondata.connectiondata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "well number for this entry" +description = "integer value that defines the well number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NMAWWELLS." +numeric_index = "true" + +[connectiondata.connectiondata.connectiondata.icon] +block = "connectiondata" +name = "icon" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "connection number" +description = "integer value that defines the GWF connection number for this multi-aquifer well connection entry. ICONN must be greater than zero and less than or equal to NGWFNODES for multi-aquifer well IFNO." +numeric_index = "true" + +[connectiondata.connectiondata.connectiondata.cellid] +block = "connectiondata" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell. One or more screened intervals can be connected to the same CELLID if CONDEQN for a well is MEAN. The program will terminate with an error if MAW wells using SPECIFIED, THIEM, SKIN, or CUMULATIVE conductance equations have more than one connection to the same CELLID." + +[connectiondata.connectiondata.connectiondata.scrn_top] +block = "connectiondata" +name = "scrn_top" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "screen top" +description = "value that defines the top elevation of the screen for the multi-aquifer well connection. If CONDEQN is SPECIFIED, THIEM, SKIN, or COMPOSITE, SCRN_TOP can be any value and is set to the top of the cell. If CONDEQN is MEAN, SCRN_TOP is set to the multi-aquifer well connection cell top if the specified value is greater than the cell top. The program will terminate with an error if the screen top is less than the screen bottom." + +[connectiondata.connectiondata.connectiondata.scrn_bot] +block = "connectiondata" +name = "scrn_bot" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "screen bottom" +description = "value that defines the bottom elevation of the screen for the multi-aquifer well connection. If CONDEQN is SPECIFIED, THIEM, SKIN, or COMPOSITE, SCRN_BOT can be any value and is set to the bottom of the cell. If CONDEQN is MEAN, SCRN_BOT is set to the multi-aquifer well connection cell bottom if the specified value is less than the cell bottom. The program will terminate with an error if the screen bottom is greater than the screen top." + +[connectiondata.connectiondata.connectiondata.hk_skin] +block = "connectiondata" +name = "hk_skin" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "skin data" +description = "value that defines the skin (filter pack) hydraulic conductivity (if CONDEQN for the multi-aquifer well is SKIN, CUMULATIVE, or MEAN) or conductance (if CONDEQN for the multi-aquifer well is SPECIFIED) for each GWF node connected to the multi-aquifer well (NGWFNODES). If CONDEQN is SPECIFIED, HK_SKIN must be greater than or equal to zero. HK_SKIN can be any value if CONDEQN is THIEM. Otherwise, HK_SKIN must be greater than zero. If CONDEQN is SKIN, the contrast between the cell transmissivity (the product of geometric mean horizontal hydraulic conductivity and the cell thickness) and the well transmissivity (the product of HK_SKIN and the screen thicknesses) must be greater than one in node CELLID or the program will terminate with an error condition; if an error condition occurs, it is suggested that the HK_SKIN be reduced to a value less than K11 and K22 in node CELLID or the THIEM or MEAN conductance equations be used for these multi-aquifer wells." + +[connectiondata.connectiondata.connectiondata.radius_skin] +block = "connectiondata" +name = "radius_skin" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "skin radius" +description = "real value that defines the skin radius (filter pack radius) for the multi-aquifer well. RADIUS_SKIN can be any value if CONDEQN is SPECIFIED or THIEM. If CONDEQN is SKIN, CUMULATIVE, or MEAN, the program will terminate with an error if RADIUS_SKIN is less than or equal to the RADIUS for the multi-aquifer well." + +[period.perioddata] +name = "perioddata" +type = "list" +block = "period" + +[period.perioddata.perioddata] +name = "perioddata" +type = "record" +block = "period" + +[period.perioddata.perioddata.ifno] +name = "ifno" +type = "integer" +block = "period" +description = "integer value that defines the well number associated with the specified period data on the line. ifno must be greater than zero and less than or equal to nmawwells." + +[period.perioddata.perioddata.mawsetting] +name = "mawsetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the mawsetting string include: status, flowing_well, rate, well_head, head_limit, shut_off, rate_scaling, and auxiliary." + +[period.perioddata.perioddata.mawsetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define well status. status can be active, inactive, or constant. by default, status is active." + +[period.perioddata.perioddata.mawsetting.flowing_wellrecord] +name = "flowing_wellrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.mawsetting.flowing_wellrecord.flowing_well] +block = "period" +name = "flowing_well" +type = "keyword" +in_record = "true" +reader = "urword" +longname = "well is a flowing well" +description = "keyword to indicate the well is a flowing well. The FLOWING_WELL option can be used to simulate flowing wells when the simulated well head exceeds the specified drainage elevation." + +[period.perioddata.perioddata.mawsetting.flowing_wellrecord.fwelev] +block = "period" +name = "fwelev" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "flowing well elevation" +description = "elevation used to determine whether or not the well is flowing." + +[period.perioddata.perioddata.mawsetting.flowing_wellrecord.fwcond] +block = "period" +name = "fwcond" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "well flowing well conductance" +description = "conductance used to calculate the discharge of a free flowing well. Flow occurs when the head in the well is above the well top elevation (FWELEV)." + +[period.perioddata.perioddata.mawsetting.flowing_wellrecord.fwrlen] +block = "period" +name = "fwrlen" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "flowing well reduction length" +description = "length used to reduce the conductance of the flowing well. When the head in the well drops below the well top plus the reduction length, then the conductance is reduced. This reduction length can be used to improve the stability of simulations with flowing wells so that there is not an abrupt change in flowing well rates." + +[period.perioddata.perioddata.mawsetting.rate] +name = "rate" +type = "double precision" +block = "period" +description = "is the volumetric pumping rate for the multi-aquifer well. a positive value indicates recharge and a negative value indicates discharge (pumping). rate only applies to active (status is active) multi-aquifer wells. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. by default, the rate for each multi-aquifer well is zero." + +[period.perioddata.perioddata.mawsetting.well_head] +name = "well_head" +type = "double precision" +block = "period" +description = "is the head in the multi-aquifer well. well_head is only applied to constant head (status is constant) and inactive (status is inactive) multi-aquifer wells. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. the program will terminate with an error if well_head is less than the bottom of the well." + +[period.perioddata.perioddata.mawsetting.head_limit] +name = "head_limit" +type = "string" +block = "period" +description = "is the limiting water level (head) in the well, which is the minimum of the well rate or the well inflow rate from the aquifer. head_limit can be applied to extraction wells (rate $<$ 0) or injection wells (rate $>$ 0). head_limit can be deactivated by specifying the text string `off'. the head_limit option is based on the head_limit functionality available in the mnw2~citep{konikow2009} package for modflow-2005. the head_limit option has been included to facilitate backward compatibility with previous versions of modflow but use of the rate_scaling option instead of the head_limit option is recommended. by default, head_limit is `off'." + +[period.perioddata.perioddata.mawsetting.shutoffrecord] +name = "shutoffrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.mawsetting.shutoffrecord.shut_off] +block = "period" +name = "shut_off" +type = "keyword" +in_record = "true" +reader = "urword" +longname = "shut off well" +description = "keyword for activating well shut off capability. Subsequent values define the minimum and maximum pumping rate that a well must exceed to shutoff or reactivate a well, respectively, during a stress period. SHUT_OFF is only applied to injection wells (RATE$<0$) and if HEAD_LIMIT is specified (not set to `OFF'). If HEAD_LIMIT is specified, SHUT_OFF can be deactivated by specifying a minimum value equal to zero. The SHUT_OFF option is based on the SHUT_OFF functionality available in the MNW2~citep{konikow2009} package for MODFLOW-2005. The SHUT_OFF option has been included to facilitate backward compatibility with previous versions of MODFLOW but use of the RATE_SCALING option instead of the SHUT_OFF option is recommended. By default, SHUT_OFF is not used." + +[period.perioddata.perioddata.mawsetting.shutoffrecord.minrate] +block = "period" +name = "minrate" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "minimum shutoff rate" +description = "is the minimum rate that a well must exceed to shutoff a well during a stress period. The well will shut down during a time step if the flow rate to the well from the aquifer is less than MINRATE. If a well is shut down during a time step, reactivation of the well cannot occur until the next time step to reduce oscillations. MINRATE must be less than maxrate." + +[period.perioddata.perioddata.mawsetting.shutoffrecord.maxrate] +block = "period" +name = "maxrate" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "maximum shutoff rate" +description = "is the maximum rate that a well must exceed to reactivate a well during a stress period. The well will reactivate during a timestep if the well was shutdown during the previous time step and the flow rate to the well from the aquifer exceeds maxrate. Reactivation of the well cannot occur until the next time step if a well is shutdown to reduce oscillations. maxrate must be greater than MINRATE." + +[period.perioddata.perioddata.mawsetting.rate_scalingrecord] +name = "rate_scalingrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.mawsetting.rate_scalingrecord.rate_scaling] +block = "period" +name = "rate_scaling" +type = "keyword" +in_record = "true" +reader = "urword" +longname = "rate scaling" +description = "activate rate scaling. If RATE_SCALING is specified, both PUMP_ELEVATION and SCALING_LENGTH must be specified. RATE_SCALING cannot be used with HEAD_LIMIT. RATE_SCALING can be used for extraction or injection wells. For extraction wells, the extraction rate will start to decrease once the head in the well lowers to a level equal to the pump elevation plus the scaling length. If the head in the well drops below the pump elevation, then the extraction rate is calculated to be zero. For an injection well, the injection rate will begin to decrease once the head in the well rises above the specified pump elevation. If the head in the well rises above the pump elevation plus the scaling length, then the injection rate will be set to zero." + +[period.perioddata.perioddata.mawsetting.rate_scalingrecord.pump_elevation] +block = "period" +name = "pump_elevation" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "pump elevation" +description = "is the elevation of the multi-aquifer well pump (PUMP_ELEVATION). PUMP_ELEVATION should not be less than the bottom elevation (BOTTOM) of the multi-aquifer well." + +[period.perioddata.perioddata.mawsetting.rate_scalingrecord.scaling_length] +block = "period" +name = "scaling_length" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +description = "height above the pump elevation (SCALING_LENGTH). If the simulated well head is below this elevation (pump elevation plus the scaling length), then the pumping rate is reduced." + +[period.perioddata.perioddata.mawsetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.mawsetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.perioddata.perioddata.mawsetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.perioddata.perioddata.mawsetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwf-mvr.toml b/spec/toml/gwf-mvr.toml new file mode 100644 index 0000000..64459c3 --- /dev/null +++ b/spec/toml/gwf-mvr.toml @@ -0,0 +1,241 @@ +name = "gwf-mvr" +multi = false + +[subpackage] +parent = "parent_model_or_package" +key = "mvr_filerecord" +val = "perioddata" +abbr = "mvr" +param = "perioddata" + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of mvr information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of mvr flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.modelnames] +name = "modelnames" +type = "keyword" +block = "options" +description = "keyword to indicate that all package names will be preceded by the model name for the package. model names are required when the mover package is used with a gwf-gwf exchange. the modelname keyword should not be used for a mover package that is for a single gwf model." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[dimensions.maxmvr] +name = "maxmvr" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of water mover entries that will specified for any stress period." + +[dimensions.maxpackages] +name = "maxpackages" +type = "integer" +block = "dimensions" +description = "integer value specifying the number of unique packages that are included in this water mover input file." + +[packages.packages] +name = "packages" +type = "list" +shape = "(npackages)" +block = "packages" + +[packages.packages.packages] +name = "packages" +type = "record" +block = "packages" + +[packages.packages.packages.mname] +block = "packages" +name = "mname" +type = "string" +reader = "urword" +tagged = "false" +in_record = "true" +optional = "true" +description = "name of model containing the package. Model names are assigned by the user in the simulation name file." + +[packages.packages.packages.pname] +block = "packages" +name = "pname" +type = "string" +reader = "urword" +tagged = "false" +in_record = "true" +optional = "false" +description = "is the name of a package that may be included in a subsequent stress period block. The package name is assigned in the name file for the GWF Model. Package names are optionally provided in the name file. If they are not provided by the user, then packages are assigned a default value, which is the package acronym followed by a hyphen and the package number. For example, the first Drain Package is named DRN-1. The second Drain Package is named DRN-2, and so forth." + +[period.perioddata] +name = "perioddata" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.perioddata.perioddata] +name = "perioddata" +type = "record" +block = "period" + +[period.perioddata.perioddata.mname1] +block = "period" +name = "mname1" +type = "string" +reader = "urword" +tagged = "false" +in_record = "true" +optional = "true" +description = "name of model containing the package, PNAME1." + +[period.perioddata.perioddata.pname1] +block = "period" +name = "pname1" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "provider package name" +description = "is the package name for the provider. The package PNAME1 must be designated to provide water through the MVR Package by specifying the keyword 'MOVER' in its OPTIONS block." + +[period.perioddata.perioddata.id1] +block = "period" +name = "id1" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "provider reach" +description = "is the identifier for the provider. For the standard boundary packages, the provider identifier is the number of the boundary as it is listed in the package input file. (Note that the order of these boundaries may change by stress period, which must be accounted for in the Mover Package.) So the first well has an identifier of one. The second is two, and so forth. For the advanced packages, the identifier is the reach number (SFR Package), well number (MAW Package), or UZF cell number. For the Lake Package, ID1 is the lake outlet number. Thus, outflows from a single lake can be routed to different streams, for example." +numeric_index = "true" + +[period.perioddata.perioddata.mname2] +block = "period" +name = "mname2" +type = "string" +reader = "urword" +tagged = "false" +in_record = "true" +optional = "true" +description = "name of model containing the package, PNAME2." + +[period.perioddata.perioddata.pname2] +block = "period" +name = "pname2" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "receiver package name" +description = "is the package name for the receiver. The package PNAME2 must be designated to receive water from the MVR Package by specifying the keyword 'MOVER' in its OPTIONS block." + +[period.perioddata.perioddata.id2] +block = "period" +name = "id2" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "receiver reach" +description = "is the identifier for the receiver. The receiver identifier is the reach number (SFR Package), Lake number (LAK Package), well number (MAW Package), or UZF cell number." +numeric_index = "true" + +[period.perioddata.perioddata.mvrtype] +block = "period" +name = "mvrtype" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "mover type" +description = "is the character string signifying the method for determining how much water will be moved. Supported values are 'FACTOR' 'EXCESS' 'THRESHOLD' and 'UPTO'. These four options determine how the receiver flow rate, $Q_R$, is calculated. These options mirror the options defined for the cprior variable in the SFR package, with the term 'FACTOR' being functionally equivalent to the 'FRACTION' option for cprior." + +[period.perioddata.perioddata.value] +block = "period" +name = "value" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "mover value" +description = "is the value to be used in the equation for calculating the amount of water to move. For the 'FACTOR' option, VALUE is the $alpha$ factor. For the remaining options, VALUE is the specified flow rate, $Q_S$." diff --git a/spec/toml/gwf-nam.toml b/spec/toml/gwf-nam.toml index ce0f2f3..51be065 100644 --- a/spec/toml/gwf-nam.toml +++ b/spec/toml/gwf-nam.toml @@ -1,278 +1,140 @@ -component = "GWF" -subcomponent = "NAM" -blocknames = [ "options", "packages",] -multipkg = false -stress = false -advanced = false +name = "gwf-nam" +multi = false -[block.options.list] +[options.list] +name = "list" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = true -numeric_index = false -longname = "name of listing file" -description = "is name of the listing file to create for this GWF model. If not specified, then the name of the list file will be the basename of the GWF model name file and the '.lst' extension. For example, if the GWF name file is called ``my.model.nam'' then the list file will be called ``my.model.lst''." -deprecated = "" +block = "options" +description = "is name of the listing file to create for this gwf model. if not specified, then the name of the list file will be the basename of the gwf model name file and the '.lst' extension. for example, if the gwf name file is called 'my.model.nam' then the list file will be called 'my.model.lst'." -[block.options.print_input] +[options.print_input] +name = "print_input" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "print input to listing file" -description = "REPLACE print_input {'{#1}': 'all model stress package'}" -deprecated = "" +block = "options" +description = "keyword to indicate that the list of all model stress package information will be written to the listing file immediately after it is read." -[block.options.print_flows] +[options.print_flows] +name = "print_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "print calculated flows to listing file" -description = "REPLACE print_flows {'{#1}': 'all model package'}" -deprecated = "" +block = "options" +description = "keyword to indicate that the list of all model package flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." -[block.options.save_flows] +[options.save_flows] +name = "save_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "save flows for all packages to budget file" -description = "REPLACE save_flows {'{#1}': 'all model package'}" -deprecated = "" +block = "options" +description = "keyword to indicate that all model package flow terms will be written to the file specified with 'budget fileout' in output control." -[block.options.newtonoptions] -type = "record newton under_relaxation" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "newton keyword and options" +[options.newtonoptions] +name = "newtonoptions" +type = "record" +block = "options" description = "none" -deprecated = "" -[block.options.newton] +[options.newtonoptions.newton] +block = "options" +name = "newton" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "keyword to activate Newton-Raphson formulation" description = "keyword that activates the Newton-Raphson formulation for groundwater flow between connected, convertible groundwater cells and stress packages that support calculation of Newton-Raphson terms for groundwater exchanges. Cells will not dry when this option is used. By default, the Newton-Raphson formulation is not applied." -deprecated = "" -[block.options.under_relaxation] +[options.newtonoptions.under_relaxation] +block = "options" +name = "under_relaxation" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "keyword to activate Newton-Raphson UNDER_RELAXATION option" description = "keyword that indicates whether the groundwater head in a cell will be under-relaxed when water levels fall below the bottom of the model below any given cell. By default, Newton-Raphson UNDER_RELAXATION is not applied." -deprecated = "" -[block.options.export_netcdf] +[options.export_netcdf] +name = "export_netcdf" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export model output netcdf file." -description = "keyword that specifies timeseries data for the dependent variable should be written to a model output netcdf file. No value or ``UGRID'' (ugrid based export) values are supported." -deprecated = "" +block = "options" +description = "keyword that specifies timeseries data for the dependent variable should be written to a model output netcdf file. no value or 'ugrid' (ugrid based export) values are supported." -[block.options.nc_filerecord] -type = "record netcdf filein netcdf_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" +[options.nc_filerecord] +name = "nc_filerecord" +type = "record" +block = "options" description = "netcdf config filerecord" -deprecated = "" -[block.options.netcdf] +[options.nc_filerecord.netcdf] +block = "options" +name = "netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +tagged = "true" +optional = "false" longname = "netcdf keyword" description = "keyword to specify that record corresponds to a netcdf input file." -deprecated = "" -[block.options.filein] +[options.nc_filerecord.filein] +block = "options" +name = "filein" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +tagged = "true" +optional = "false" longname = "file keyword" description = "keyword to specify that an input filename is expected next." -deprecated = "" -[block.options.netcdf_filename] +[options.nc_filerecord.netcdf_filename] +block = "options" +name = "netcdf_filename" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +preserve_case = "true" +in_record = "true" reader = "urword" -optional = false -preserve_case = true -numeric_index = false +optional = "false" +tagged = "false" longname = "netcdf input filename" description = "defines a netcdf input file." -deprecated = "" - -[block.packages.ftype] +mf6internal = "netcdf_fname" + +[packages.packages] +name = "packages" +type = "list" +block = "packages" + +[packages.packages.packages] +name = "packages" +type = "record" +block = "packages" + +[packages.packages.packages.ftype] +block = "packages" +name = "ftype" +in_record = "true" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "package type" description = "is the file type, which must be one of the following character values shown in table~ref{table:ftype-gwf}. Ftype may be entered in any combination of uppercase and lowercase." -deprecated = "" -[block.packages.fname] +[packages.packages.packages.fname] +block = "packages" +name = "fname" +in_record = "true" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +preserve_case = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = true -numeric_index = false longname = "file name" description = "is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run." -deprecated = "" -[block.packages.pname] +[packages.packages.packages.pname] +block = "packages" +name = "pname" +in_record = "true" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "user name for package" description = "is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single GWF Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters." -deprecated = "" - -[block.packages.packages] -type = "recarray ftype fname pname" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "package list" -description = "" -deprecated = "" diff --git a/spec/toml/gwf-npf.toml b/spec/toml/gwf-npf.toml index 8e97362..89ac9ce 100644 --- a/spec/toml/gwf-npf.toml +++ b/spec/toml/gwf-npf.toml @@ -1,620 +1,250 @@ -component = "GWF" -subcomponent = "NPF" -blocknames = [ "options", "griddata",] -multipkg = false -stress = false -advanced = false - -[block.options.save_flows] +name = "gwf-npf" +multi = false + +[options.save_flows] +name = "save_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to save NPF flows" -description = "keyword to indicate that budget flow terms will be written to the file specified with ``BUDGET SAVE FILE'' in Output Control." -deprecated = "" - -[block.options.print_flows] +block = "options" +description = "keyword to indicate that budget flow terms will be written to the file specified with 'budget save file' in output control." + +[options.print_flows] +name = "print_flows" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to print NPF flows to listing file" -description = "keyword to indicate that calculated flows between cells will be printed to the listing file for every stress period time step in which ``BUDGET PRINT'' is specified in Output Control. If there is no Output Control option and ``PRINT_FLOWS'' is specified, then flow rates are printed for the last time step of each stress period. This option can produce extremely large list files because all cell-by-cell flows are printed. It should only be used with the NPF Package for models that have a small number of cells." -deprecated = "" - -[block.options.alternative_cell_averaging] +block = "options" +description = "keyword to indicate that calculated flows between cells will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period. this option can produce extremely large list files because all cell-by-cell flows are printed. it should only be used with the npf package for models that have a small number of cells." + +[options.alternative_cell_averaging] +name = "alternative_cell_averaging" type = "string" -block_variable = false -valid = [ "logarithmic", "amt-lmk", "amt-hmk",] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "conductance weighting option" -description = "is a text keyword to indicate that an alternative method will be used for calculating the conductance for horizontal cell connections. The text value for ALTERNATIVE_CELL_AVERAGING can be ``LOGARITHMIC'', ``AMT-LMK'', or ``AMT-HMK''. ``AMT-LMK'' signifies that the conductance will be calculated using arithmetic-mean thickness and logarithmic-mean hydraulic conductivity. ``AMT-HMK'' signifies that the conductance will be calculated using arithmetic-mean thickness and harmonic-mean hydraulic conductivity. If the user does not specify a value for ALTERNATIVE_CELL_AVERAGING, then the harmonic-mean method will be used. This option cannot be used if the XT3D option is invoked." -deprecated = "" - -[block.options.thickstrt] +block = "options" +description = "is a text keyword to indicate that an alternative method will be used for calculating the conductance for horizontal cell connections. the text value for alternative_cell_averaging can be 'logarithmic', 'amt-lmk', or 'amt-hmk'. 'amt-lmk' signifies that the conductance will be calculated using arithmetic-mean thickness and logarithmic-mean hydraulic conductivity. 'amt-hmk' signifies that the conductance will be calculated using arithmetic-mean thickness and harmonic-mean hydraulic conductivity. if the user does not specify a value for alternative_cell_averaging, then the harmonic-mean method will be used. this option cannot be used if the xt3d option is invoked." + +[options.thickstrt] +name = "thickstrt" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to activate THICKSTRT option" -description = "indicates that cells having a negative ICELLTYPE are confined, and their cell thickness for conductance calculations will be computed as STRT-BOT rather than TOP-BOT. This option should be used with caution as it only affects conductance calculations in the NPF Package." -deprecated = "" - -[block.options.cvoptions] -type = "record variablecv dewatered" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "vertical conductance options" +block = "options" +description = "indicates that cells having a negative icelltype are confined, and their cell thickness for conductance calculations will be computed as strt-bot rather than top-bot. this option should be used with caution as it only affects conductance calculations in the npf package." + +[options.cvoptions] +name = "cvoptions" +type = "record" +block = "options" description = "none" -deprecated = "" -[block.options.variablecv] +[options.cvoptions.variablecv] +block = "options" +name = "variablecv" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "keyword to activate VARIABLECV option" description = "keyword to indicate that the vertical conductance will be calculated using the saturated thickness and properties of the overlying cell and the thickness and properties of the underlying cell. If the DEWATERED keyword is also specified, then the vertical conductance is calculated using only the saturated thickness and properties of the overlying cell if the head in the underlying cell is below its top. If these keywords are not specified, then the default condition is to calculate the vertical conductance at the start of the simulation using the initial head and the cell properties. The vertical conductance remains constant for the entire simulation." -deprecated = "" +mf6internal = "ivarcv" -[block.options.dewatered] +[options.cvoptions.dewatered] +block = "options" +name = "dewatered" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "keyword to activate DEWATERED option" description = "If the DEWATERED keyword is specified, then the vertical conductance is calculated using only the saturated thickness and properties of the overlying cell if the head in the underlying cell is below its top." -deprecated = "" +mf6internal = "idewatcv" -[block.options.perched] +[options.perched] +name = "perched" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to activate PERCHED option" -description = "keyword to indicate that when a cell is overlying a dewatered convertible cell, the head difference used in Darcy's Law is equal to the head in the overlying cell minus the bottom elevation of the overlying cell. If not specified, then the default is to use the head difference between the two cells." -deprecated = "" - -[block.options.rewet_record] -type = "record rewet wetfct iwetit ihdwet" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.rewet] +block = "options" +description = "keyword to indicate that when a cell is overlying a dewatered convertible cell, the head difference used in darcy's law is equal to the head in the overlying cell minus the bottom elevation of the overlying cell. if not specified, then the default is to use the head difference between the two cells." + +[options.rewet_record] +name = "rewet_record" +type = "record" +block = "options" + +[options.rewet_record.rewet] +block = "options" +name = "rewet" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "keyword to activate rewetting" description = "activates model rewetting. Rewetting is off by default." -deprecated = "" - -[block.options.wetfct] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +mf6internal = "irewet" + +[options.rewet_record.wetfct] +block = "options" +name = "wetfct" +type = "double precision" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "wetting factor to use for rewetting" description = "is a keyword and factor that is included in the calculation of the head that is initially established at a cell when that cell is converted from dry to wet." -deprecated = "" -[block.options.iwetit] +[options.rewet_record.iwetit] +block = "options" +name = "iwetit" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "interval to use for rewetting" description = "is a keyword and iteration interval for attempting to wet cells. Wetting is attempted every IWETIT iteration. This applies to outer iterations and not inner iterations. If IWETIT is specified as zero or less, then the value is changed to 1." -deprecated = "" -[block.options.ihdwet] +[options.rewet_record.ihdwet] +block = "options" +name = "ihdwet" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "flag to determine wetting equation" description = "is a keyword and integer flag that determines which equation is used to define the initial head at cells that become wet. If IHDWET is 0, h = BOT + WETFCT (hm - BOT). If IHDWET is not 0, h = BOT + WETFCT (THRESH)." -deprecated = "" - -[block.options.xt3doptions] -type = "record xt3d rhs" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to activate XT3D" + +[options.xt3doptions] +name = "xt3doptions" +type = "record" +block = "options" description = "none" -deprecated = "" -[block.options.xt3d] +[options.xt3doptions.xt3d] +block = "options" +name = "xt3d" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "keyword to activate XT3D" description = "keyword indicating that the XT3D formulation will be used. If the RHS keyword is also included, then the XT3D additional terms will be added to the right-hand side. If the RHS keyword is excluded, then the XT3D terms will be put into the coefficient matrix. Use of XT3D will substantially increase the computational effort, but will result in improved accuracy for anisotropic conductivity fields and for unstructured grids in which the CVFD requirement is violated. XT3D requires additional information about the shapes of grid cells. If XT3D is active and the DISU Package is used, then the user will need to provide in the DISU Package the angldegx array in the CONNECTIONDATA block and the VERTICES and CELL2D blocks." -deprecated = "" +mf6internal = "ixt3d" -[block.options.rhs] +[options.xt3doptions.rhs] +block = "options" +name = "rhs" +in_record = "true" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "keyword to XT3D on right hand side" description = "If the RHS keyword is also included, then the XT3D additional terms will be added to the right-hand side. If the RHS keyword is excluded, then the XT3D terms will be put into the coefficient matrix." -deprecated = "" +mf6internal = "ixt3drhs" -[block.options.save_specific_discharge] +[options.save_specific_discharge] +name = "save_specific_discharge" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to save specific discharge" -description = "keyword to indicate that x, y, and z components of specific discharge will be calculated at cell centers and written to the budget file, which is specified with ``BUDGET SAVE FILE'' in Output Control. If this option is activated, then additional information may be required in the discretization packages and the GWF Exchange package (if GWF models are coupled). Specifically, ANGLDEGX must be specified in the CONNECTIONDATA block of the DISU Package; ANGLDEGX must also be specified for the GWF Exchange as an auxiliary variable." -deprecated = "" - -[block.options.save_saturation] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to save saturation" -description = "keyword to indicate that cell saturation will be written to the budget file, which is specified with ``BUDGET SAVE FILE'' in Output Control. Saturation will be saved to the budget file as an auxiliary variable saved with the DATA-SAT text label. Saturation is a cell variable that ranges from zero to one and can be used by post processing programs to determine how much of a cell volume is saturated. If ICELLTYPE is 0, then saturation is always one." -deprecated = "" - -[block.options.k22overk] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to indicate that specified K22 is a ratio" -description = "keyword to indicate that specified K22 is a ratio of K22 divided by K. If this option is specified, then the K22 array entered in the NPF Package will be multiplied by K after being read." -deprecated = "" - -[block.options.k33overk] +block = "options" +description = "keyword to indicate that x, y, and z components of specific discharge will be calculated at cell centers and written to the budget file, which is specified with 'budget save file' in output control. if this option is activated, then additional information may be required in the discretization packages and the gwf exchange package (if gwf models are coupled). specifically, angldegx must be specified in the connectiondata block of the disu package; angldegx must also be specified for the gwf exchange as an auxiliary variable." + +[options.save_saturation] +name = "save_saturation" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "keyword to indicate that specified K33 is a ratio" -description = "keyword to indicate that specified K33 is a ratio of K33 divided by K. If this option is specified, then the K33 array entered in the NPF Package will be multiplied by K after being read." -deprecated = "" - -[block.options.tvk_filerecord] -type = "record tvk6 filein tvk6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.tvk6] +block = "options" +description = "keyword to indicate that cell saturation will be written to the budget file, which is specified with 'budget save file' in output control. saturation will be saved to the budget file as an auxiliary variable saved with the data-sat text label. saturation is a cell variable that ranges from zero to one and can be used by post processing programs to determine how much of a cell volume is saturated. if icelltype is 0, then saturation is always one." + +[options.k22overk] +name = "k22overk" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "tvk keyword" -description = "keyword to specify that record corresponds to a time-varying hydraulic conductivity (TVK) file. The behavior of TVK and a description of the input file is provided separately." -deprecated = "" - -[block.options.filein] +block = "options" +description = "keyword to indicate that specified k22 is a ratio of k22 divided by k. if this option is specified, then the k22 array entered in the npf package will be multiplied by k after being read." + +[options.k33overk] +name = "k33overk" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" - -[block.options.tvk6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of TVK information" -description = "defines a time-varying hydraulic conductivity (TVK) input file. Records in the TVK file can be used to change hydraulic conductivity properties at specified times or stress periods." -deprecated = "" - -[block.options.export_array_ascii] +block = "options" +description = "keyword to indicate that specified k33 is a ratio of k33 divided by k. if this option is specified, then the k33 array entered in the npf package will be multiplied by k after being read." + +[options.perioddata] +name = "perioddata" +type = "record" +block = "options" +description = "Contains data for the tvk package. Data can be stored in a dictionary containing data for the tvk package with variable names as keys and package data as values. Data just for the perioddata variable is also acceptable. See tvk package documentation for more information" + +[options.perioddata.subpackage] +parent = "parent_package" +key = "tvk_filerecord" +val = "perioddata" +abbr = "tvk" +param = "tvk_perioddata" + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" -[block.options.dev_no_newton] +[options.dev_no_newton] +name = "dev_no_newton" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "turn off Newton for unconfined cells" -description = "turn off Newton for unconfined cells" -deprecated = "" - -[block.options.dev_omega] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "set saturation omega value" +block = "options" +description = "turn off newton for unconfined cells" + +[options.dev_omega] +name = "dev_omega" +type = "double precision" +block = "options" description = "set saturation omega value" -deprecated = "" -[block.griddata.icelltype] +[griddata.icelltype] +name = "icelltype" type = "integer" -block_variable = false -valid = [] shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "0" -numeric_index = false -longname = "confined or convertible indicator" -description = "flag for each cell that specifies how saturated thickness is treated. 0 means saturated thickness is held constant; $>$0 means saturated thickness varies with computed head when head is below the cell top; $<$0 means saturated thickness varies with computed head unless the THICKSTRT option is in effect. When THICKSTRT is in effect, a negative value for ICELLTYPE indicates that the saturated thickness value used in conductance calculations in the NPF Package will be computed as STRT-BOT and held constant. If the THICKSTRT option is not in effect, then negative values provided by the user for ICELLTYPE are automatically reassigned by the program to a value of one." -deprecated = "" - -[block.griddata.k] -type = "double" -block_variable = false -valid = [] +block = "griddata" +description = "flag for each cell that specifies how saturated thickness is treated. 0 means saturated thickness is held constant; $>$0 means saturated thickness varies with computed head when head is below the cell top; $<$0 means saturated thickness varies with computed head unless the thickstrt option is in effect. when thickstrt is in effect, a negative value for icelltype indicates that the saturated thickness value used in conductance calculations in the npf package will be computed as strt-bot and held constant. if the thickstrt option is not in effect, then negative values provided by the user for icelltype are automatically reassigned by the program to a value of one." + +[griddata.k] +name = "k" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "hydraulic conductivity (L/T)" -description = "is the hydraulic conductivity. For the common case in which the user would like to specify the horizontal hydraulic conductivity and the vertical hydraulic conductivity, then K should be assigned as the horizontal hydraulic conductivity, K33 should be assigned as the vertical hydraulic conductivity, and K22 and the three rotation angles should not be specified. When more sophisticated anisotropy is required, then K corresponds to the K11 hydraulic conductivity axis. All included cells (IDOMAIN $>$ 0) must have a K value greater than zero." -deprecated = "" - -[block.griddata.k22] -type = "double" -block_variable = false -valid = [] +block = "griddata" +description = "is the hydraulic conductivity. for the common case in which the user would like to specify the horizontal hydraulic conductivity and the vertical hydraulic conductivity, then k should be assigned as the horizontal hydraulic conductivity, k33 should be assigned as the vertical hydraulic conductivity, and k22 and the three rotation angles should not be specified. when more sophisticated anisotropy is required, then k corresponds to the k11 hydraulic conductivity axis. all included cells (idomain $>$ 0) must have a k value greater than zero." +default = 1.0 + +[griddata.k22] +name = "k22" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "hydraulic conductivity of second ellipsoid axis" -description = "is the hydraulic conductivity of the second ellipsoid axis (or the ratio of K22/K if the K22OVERK option is specified); for an unrotated case this is the hydraulic conductivity in the y direction. If K22 is not included in the GRIDDATA block, then K22 is set equal to K. For a regular MODFLOW grid (DIS Package is used) in which no rotation angles are specified, K22 is the hydraulic conductivity along columns in the y direction. For an unstructured DISU grid, the user must assign principal x and y axes and provide the angle for each cell face relative to the assigned x direction. All included cells (IDOMAIN $>$ 0) must have a K22 value greater than zero." -deprecated = "" - -[block.griddata.k33] -type = "double" -block_variable = false -valid = [] +block = "griddata" +description = "is the hydraulic conductivity of the second ellipsoid axis (or the ratio of k22/k if the k22overk option is specified); for an unrotated case this is the hydraulic conductivity in the y direction. if k22 is not included in the griddata block, then k22 is set equal to k. for a regular modflow grid (dis package is used) in which no rotation angles are specified, k22 is the hydraulic conductivity along columns in the y direction. for an unstructured disu grid, the user must assign principal x and y axes and provide the angle for each cell face relative to the assigned x direction. all included cells (idomain $>$ 0) must have a k22 value greater than zero." + +[griddata.k33] +name = "k33" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "hydraulic conductivity of third ellipsoid axis (L/T)" -description = "is the hydraulic conductivity of the third ellipsoid axis (or the ratio of K33/K if the K33OVERK option is specified); for an unrotated case, this is the vertical hydraulic conductivity. When anisotropy is applied, K33 corresponds to the K33 tensor component. All included cells (IDOMAIN $>$ 0) must have a K33 value greater than zero." -deprecated = "" - -[block.griddata.angle1] -type = "double" -block_variable = false -valid = [] +block = "griddata" +description = "is the hydraulic conductivity of the third ellipsoid axis (or the ratio of k33/k if the k33overk option is specified); for an unrotated case, this is the vertical hydraulic conductivity. when anisotropy is applied, k33 corresponds to the k33 tensor component. all included cells (idomain $>$ 0) must have a k33 value greater than zero." + +[griddata.angle1] +name = "angle1" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "first anisotropy rotation angle (degrees)" -description = "is a rotation angle of the hydraulic conductivity tensor in degrees. The angle represents the first of three sequential rotations of the hydraulic conductivity ellipsoid. With the K11, K22, and K33 axes of the ellipsoid initially aligned with the x, y, and z coordinate axes, respectively, ANGLE1 rotates the ellipsoid about its K33 axis (within the x - y plane). A positive value represents counter-clockwise rotation when viewed from any point on the positive K33 axis, looking toward the center of the ellipsoid. A value of zero indicates that the K11 axis lies within the x - z plane. If ANGLE1 is not specified, default values of zero are assigned to ANGLE1, ANGLE2, and ANGLE3, in which case the K11, K22, and K33 axes are aligned with the x, y, and z axes, respectively." -deprecated = "" - -[block.griddata.angle2] -type = "double" -block_variable = false -valid = [] +block = "griddata" +description = "is a rotation angle of the hydraulic conductivity tensor in degrees. the angle represents the first of three sequential rotations of the hydraulic conductivity ellipsoid. with the k11, k22, and k33 axes of the ellipsoid initially aligned with the x, y, and z coordinate axes, respectively, angle1 rotates the ellipsoid about its k33 axis (within the x - y plane). a positive value represents counter-clockwise rotation when viewed from any point on the positive k33 axis, looking toward the center of the ellipsoid. a value of zero indicates that the k11 axis lies within the x - z plane. if angle1 is not specified, default values of zero are assigned to angle1, angle2, and angle3, in which case the k11, k22, and k33 axes are aligned with the x, y, and z axes, respectively." + +[griddata.angle2] +name = "angle2" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "second anisotropy rotation angle (degrees)" -description = "is a rotation angle of the hydraulic conductivity tensor in degrees. The angle represents the second of three sequential rotations of the hydraulic conductivity ellipsoid. Following the rotation by ANGLE1 described above, ANGLE2 rotates the ellipsoid about its K22 axis (out of the x - y plane). An array can be specified for ANGLE2 only if ANGLE1 is also specified. A positive value of ANGLE2 represents clockwise rotation when viewed from any point on the positive K22 axis, looking toward the center of the ellipsoid. A value of zero indicates that the K11 axis lies within the x - y plane. If ANGLE2 is not specified, default values of zero are assigned to ANGLE2 and ANGLE3; connections that are not user-designated as vertical are assumed to be strictly horizontal (that is, to have no z component to their orientation); and connection lengths are based on horizontal distances." -deprecated = "" - -[block.griddata.angle3] -type = "double" -block_variable = false -valid = [] +block = "griddata" +description = "is a rotation angle of the hydraulic conductivity tensor in degrees. the angle represents the second of three sequential rotations of the hydraulic conductivity ellipsoid. following the rotation by angle1 described above, angle2 rotates the ellipsoid about its k22 axis (out of the x - y plane). an array can be specified for angle2 only if angle1 is also specified. a positive value of angle2 represents clockwise rotation when viewed from any point on the positive k22 axis, looking toward the center of the ellipsoid. a value of zero indicates that the k11 axis lies within the x - y plane. if angle2 is not specified, default values of zero are assigned to angle2 and angle3; connections that are not user-designated as vertical are assumed to be strictly horizontal (that is, to have no z component to their orientation); and connection lengths are based on horizontal distances." + +[griddata.angle3] +name = "angle3" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "third anisotropy rotation angle (degrees)" -description = "is a rotation angle of the hydraulic conductivity tensor in degrees. The angle represents the third of three sequential rotations of the hydraulic conductivity ellipsoid. Following the rotations by ANGLE1 and ANGLE2 described above, ANGLE3 rotates the ellipsoid about its K11 axis. An array can be specified for ANGLE3 only if ANGLE1 and ANGLE2 are also specified. An array must be specified for ANGLE3 if ANGLE2 is specified. A positive value of ANGLE3 represents clockwise rotation when viewed from any point on the positive K11 axis, looking toward the center of the ellipsoid. A value of zero indicates that the K22 axis lies within the x - y plane." -deprecated = "" - -[block.griddata.wetdry] -type = "double" -block_variable = false -valid = [] +block = "griddata" +description = "is a rotation angle of the hydraulic conductivity tensor in degrees. the angle represents the third of three sequential rotations of the hydraulic conductivity ellipsoid. following the rotations by angle1 and angle2 described above, angle3 rotates the ellipsoid about its k11 axis. an array can be specified for angle3 only if angle1 and angle2 are also specified. an array must be specified for angle3 if angle2 is specified. a positive value of angle3 represents clockwise rotation when viewed from any point on the positive k11 axis, looking toward the center of the ellipsoid. a value of zero indicates that the k22 axis lies within the x - y plane." + +[griddata.wetdry] +name = "wetdry" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "wetdry threshold and factor" -description = "is a combination of the wetting threshold and a flag to indicate which neighboring cells can cause a cell to become wet. If WETDRY $<$ 0, only a cell below a dry cell can cause the cell to become wet. If WETDRY $>$ 0, the cell below a dry cell and horizontally adjacent cells can cause a cell to become wet. If WETDRY is 0, the cell cannot be wetted. The absolute value of WETDRY is the wetting threshold. When the sum of BOT and the absolute value of WETDRY at a dry cell is equaled or exceeded by the head at an adjacent cell, the cell is wetted. WETDRY must be specified if ``REWET'' is specified in the OPTIONS block. If ``REWET'' is not specified in the options block, then WETDRY can be entered, and memory will be allocated for it, even though it is not used." -deprecated = "" +block = "griddata" +description = "is a combination of the wetting threshold and a flag to indicate which neighboring cells can cause a cell to become wet. if wetdry $<$ 0, only a cell below a dry cell can cause the cell to become wet. if wetdry $>$ 0, the cell below a dry cell and horizontally adjacent cells can cause a cell to become wet. if wetdry is 0, the cell cannot be wetted. the absolute value of wetdry is the wetting threshold. when the sum of bot and the absolute value of wetdry at a dry cell is equaled or exceeded by the head at an adjacent cell, the cell is wetted. wetdry must be specified if 'rewet' is specified in the options block. if 'rewet' is not specified in the options block, then wetdry can be entered, and memory will be allocated for it, even though it is not used." diff --git a/spec/toml/gwf-oc.toml b/spec/toml/gwf-oc.toml new file mode 100644 index 0000000..e087079 --- /dev/null +++ b/spec/toml/gwf-oc.toml @@ -0,0 +1,218 @@ +name = "gwf-oc" +multi = false + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.head_filerecord] +name = "head_filerecord" +type = "record" +block = "options" + +[options.head_filerecord.head] +block = "options" +name = "head" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to head." + +[options.head_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.head_filerecord.headfile] +block = "options" +name = "headfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write head information." + +[options.headprintrecord] +name = "headprintrecord" +type = "record" +block = "options" + +[options.headprintrecord.head] +block = "options" +name = "head" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to head." + +[options.headprintrecord.print_format] +block = "options" +name = "print_format" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to indicate that a print format follows" +description = "keyword to specify format for printing to the listing file." + +[period.saverecord] +name = "saverecord" +type = "record" +block = "period" + +[period.saverecord.save] +block = "period" +name = "save" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be saved this stress period." + +[period.saverecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET or HEAD." + +[period.saverecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." + +[period.printrecord] +name = "printrecord" +type = "record" +block = "period" + +[period.printrecord.print] +block = "period" +name = "print" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be printed this stress period." + +[period.printrecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET or HEAD." + +[period.printrecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." diff --git a/spec/toml/gwf-rch.toml b/spec/toml/gwf-rch.toml new file mode 100644 index 0000000..de3e83f --- /dev/null +++ b/spec/toml/gwf-rch.toml @@ -0,0 +1,137 @@ +name = "gwf-rch" +package_type = "stress-package" +multi = true + +[options.fixed_cell] +name = "fixed_cell" +type = "keyword" +block = "options" +description = "indicates that recharge will not be reassigned to a cell underlying the cell specified in the list if the specified cell is inactive." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of recharge." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of recharge cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of recharge information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of recharge flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that recharge flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of recharge cells cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.recharge] +block = "period" +name = "recharge" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "recharge rate" +description = "is the recharge flux rate ($LT^{-1}$). This rate is multiplied inside the program by the surface area of the cell to calculate the volumetric recharge rate. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each recharge. The values of auxiliary variables must be present for each recharge. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "recharge name" +description = "name of the recharge cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwf-rcha.toml b/spec/toml/gwf-rcha.toml new file mode 100644 index 0000000..030e55b --- /dev/null +++ b/spec/toml/gwf-rcha.toml @@ -0,0 +1,101 @@ +name = "gwf-rcha" +package_type = "stress-package" +multi = true + +[options.readasarrays] +name = "readasarrays" +type = "keyword" +block = "options" +description = "indicates that array-based input will be used for the recharge package. this keyword must be specified to use array-based input. when readasarrays is specified, values must be provided for every cell within a model layer, even those cells that have an idomain value less than one. values assigned to cells with idomain values less than one are not used and have no effect on simulation results." +default = true + +[options.fixed_cell] +name = "fixed_cell" +type = "keyword" +block = "options" +description = "indicates that recharge will not be reassigned to a cell underlying the cell specified in the list if the specified cell is inactive." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of recharge." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of recharge information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of recharge flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that recharge flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timearrayseries] +name = "timearrayseries" +type = "record" +block = "options" +description = "Contains data for the tas package. Data can be stored in a dictionary containing data for the tas package with variable names as keys and package data as values. Data just for the timearrayseries variable is also acceptable. See tas package documentation for more information" + +[options.timearrayseries.subpackage] +parent = "parent_package" +key = "tas_filerecord" +val = "timearrayseries" +abbr = "tas" +param = "tas_array" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.export_array_netcdf] +name = "export_array_netcdf" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." + +[period.irch] +name = "irch" +type = "integer" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "irch is the layer number that defines the layer in each vertical column where recharge is applied. if irch is omitted, recharge by default is applied to cells in layer 1. irch can only be used if readasarrays is specified in the options block. if irch is specified, it must be specified as the first variable in the period block or modflow will terminate with an error." + +[period.recharge] +name = "recharge" +type = "double precision" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "is the recharge flux rate ($lt^{-1}$). this rate is multiplied inside the program by the surface area of the cell to calculate the volumetric recharge rate. the recharge array may be defined by a time-array series (see the 'using time-array series in a package' section)." +default = 0.001 + +[period.aux] +name = "aux" +type = "double precision" +shape = "(ncol*nrow; ncpl)" +block = "period" +description = "is an array of values for auxiliary variable aux(iaux), where iaux is a value from 1 to naux, and aux(iaux) must be listed as part of the auxiliary variables. a separate array can be specified for each auxiliary variable. if an array is not specified for an auxiliary variable, then a value of zero is assigned. if the value specified here for the auxiliary variable is the same as auxmultname, then the recharge array will be multiplied by this array." diff --git a/spec/toml/gwf-riv.toml b/spec/toml/gwf-riv.toml new file mode 100644 index 0000000..8b2fa2c --- /dev/null +++ b/spec/toml/gwf-riv.toml @@ -0,0 +1,159 @@ +name = "gwf-riv" +package_type = "stress-package" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of riverbed conductance." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of river cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of river information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of river flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that river flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the river package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of rivers cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.stage] +block = "period" +name = "stage" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "river stage" +description = "is the head in the river. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.cond] +block = "period" +name = "cond" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "river conductance" +description = "is the riverbed hydraulic conductance. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.rbot] +block = "period" +name = "rbot" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "river bottom elevation" +description = "is the elevation of the bottom of the riverbed. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each river. The values of auxiliary variables must be present for each river. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "drain name" +description = "name of the river cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwf-sfr.toml b/spec/toml/gwf-sfr.toml new file mode 100644 index 0000000..178984e --- /dev/null +++ b/spec/toml/gwf-sfr.toml @@ -0,0 +1,815 @@ +name = "gwf-sfr" +package_type = "advanced-stress-package" +multi = true + +[options.storage] +name = "storage" +type = "keyword" +block = "options" +description = "keyword that activates storage contributions to the stream-flow routing package continuity equation." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of stream reach cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of stream reach information will be written to the listing file immediately after it is read." + +[options.print_stage] +name = "print_stage" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of stream reach {#2} will be printed to the listing file for every stress period in which 'head print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of stream reach flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that stream reach flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.stage_filerecord] +name = "stage_filerecord" +type = "record" +block = "options" + +[options.stage_filerecord.stage] +block = "period" +name = "stage" +type = "string" +tagged = "true" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "reach stage" +description = "real or character value that defines the stage for the reach. The specified STAGE is only applied if the reach uses the simple routing option. If STAGE is not specified for reaches that use the simple routing option, the specified stage is set to the top of the reach. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.stage_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.stage_filerecord.stagefile] +block = "options" +name = "stagefile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write stage information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.package_convergence_filerecord] +name = "package_convergence_filerecord" +type = "record" +block = "options" + +[options.package_convergence_filerecord.package_convergence] +block = "options" +name = "package_convergence" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "package_convergence keyword" +description = "keyword to specify that record corresponds to the package convergence comma spaced values file." + +[options.package_convergence_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.package_convergence_filerecord.package_convergence_filename] +block = "options" +name = "package_convergence_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma spaced values output file to write package convergence information." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the sfr package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[options.maximum_picard_iterations] +name = "maximum_picard_iterations" +type = "integer" +block = "options" +description = "integer value that defines the maximum number of streamflow routing picard iterations allowed when solving for reach stages and flows as part of the gwf formulate step. picard iterations are used to minimize differences in sfr package results between subsequent gwf picard (non-linear) iterations as a result of non-optimal reach numbering. if reaches are numbered in order, from upstream to downstream, maximum_picard_iterations can be set to 1 to reduce model run time. by default, maximum_picard_iterations is equal to 100." + +[options.maximum_iterations] +name = "maximum_iterations" +type = "integer" +block = "options" +description = "integer value that defines the maximum number of streamflow routing newton-raphson iterations allowed for a reach. by default, maximum_iterations is equal to 100. maximum_iterations would only need to be increased from the default value if one or more reach in a simulation has a large water budget error." + +[options.maximum_depth_change] +name = "maximum_depth_change" +type = "double precision" +block = "options" +description = "real value that defines the depth closure tolerance. by default, maximum_depth_change is equal to $1 times 10^{-5}$. the maximum_stage_change would only need to be increased or decreased from the default value if the water budget error for one or more reach is too small or too large, respectively." + +[options.unit_conversion] +name = "unit_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients from seconds per meters$^{1/3}$ to model length and time units. a constant of 1.486 is used for flow units of cubic feet per second, and a constant of 1.0 is used for units of cubic meters per second. the constant must be multiplied by 86,400 when using time units of days in the simulation." + +[options.length_conversion] +name = "length_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients from meters to model length units. length_conversion should be set to 3.28081, 1.0, and 100.0 when using length units (length_units) of feet, meters, or centimeters in the simulation, respectively. length_conversion does not need to be specified if length_units are meters." + +[options.time_conversion] +name = "time_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients from seconds to model time units. time_conversion should be set to 1.0, 60.0, 3,600.0, 86,400.0, and 31,557,600.0 when using time units (time_units) of seconds, minutes, hours, days, or years in the simulation, respectively. time_conversion does not need to be specified if time_units are seconds." + +[options.dev_storage_weight] +name = "dev_storage_weight" +type = "double precision" +block = "options" +description = "real number value that defines the time weighting factor used to calculate the change in channel storage. storage_weight must have a value between 0.5 and 1. default storage_weight value is 1." + +[dimensions.nreaches] +name = "nreaches" +type = "integer" +block = "dimensions" +description = "integer value specifying the number of stream reaches. there must be nreaches entries in the packagedata block." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the feature (reach) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NREACHES." +numeric_index = "true" + +[packagedata.packagedata.packagedata.cellid] +block = "packagedata" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell. For reaches that are not connected to an underlying GWF cell, a zero should be specified for each grid dimension. For example, for a DIS grid a CELLID of 0 0 0 should be specified. Reach-aquifer flow is not calculated for unconnected reaches. The keyword NONE can be still be specified to identify unconnected reaches for backward compatibility with previous versions of MODFLOW 6 but eventually NONE will be deprecated and will cause MODFLOW 6 to terminate with an error." + +[packagedata.packagedata.packagedata.rlen] +block = "packagedata" +name = "rlen" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach length" +description = "real value that defines the reach length. RLEN must be greater than zero." + +[packagedata.packagedata.packagedata.rwid] +block = "packagedata" +name = "rwid" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach width" +description = "real value that defines the reach width. RWID must be greater than zero." + +[packagedata.packagedata.packagedata.rgrd] +block = "packagedata" +name = "rgrd" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "stream gradient" +description = "real value that defines the stream gradient (slope) across the reach. RGRD must be greater than zero." + +[packagedata.packagedata.packagedata.rtp] +block = "packagedata" +name = "rtp" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach bottom" +description = "real value that defines the bottom elevation of the reach." + +[packagedata.packagedata.packagedata.rbth] +block = "packagedata" +name = "rbth" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "streambed thickness" +description = "real value that defines the thickness of the reach streambed. RBTH can be any value if the reach is not connected to an underlying GWF cell. Otherwise, RBTH must be greater than zero." + +[packagedata.packagedata.packagedata.rhk] +block = "packagedata" +name = "rhk" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "reach bed hydraulic conductivity" +description = "real or character value that defines the hydraulic conductivity of the reach streambed. RHK can be any positive value if the reach is not connected to an underlying GWF cell. Otherwise, RHK must be greater than zero. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.man] +block = "packagedata" +name = "man" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "Manning's roughness coefficient" +description = "real or character value that defines the Manning's roughness coefficient for the reach. MAN must be greater than zero. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.ncon] +block = "packagedata" +name = "ncon" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "number of connected reaches" +description = "integer value that defines the number of reaches connected to the reach. If a value of zero is specified for NCON an entry for IFNO is still required in the subsequent CONNECTIONDATA block." + +[packagedata.packagedata.packagedata.ustrf] +block = "packagedata" +name = "ustrf" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "fraction of upstream flow" +description = "real value that defines the fraction of upstream flow from each upstream reach that is applied as upstream inflow to the reach. The sum of all USTRF values for all reaches connected to the same upstream reach must be equal to one and USTRF must be greater than or equal to zero. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.ndv] +block = "packagedata" +name = "ndv" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "number of downstream reaches" +description = "integer value that defines the number of downstream diversions for the reach." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each stream reach. The values of auxiliary variables must be present for each stream reach. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the stream reach cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[crosssections.crosssections] +name = "crosssections" +type = "list" +block = "crosssections" + +[crosssections.crosssections.crosssections] +name = "crosssections" +type = "record" +block = "crosssections" + +[crosssections.crosssections.crosssections.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the feature (reach) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NREACHES." +numeric_index = "true" + +[crosssections.crosssections.crosssections.tab6] +block = "period" +name = "tab6" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to a cross-section table file." + +[crosssections.crosssections.crosssections.filein] +block = "period" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[crosssections.crosssections.crosssections.tab6_filename] +block = "period" +name = "tab6_filename" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +optional = "false" +tagged = "false" +longname = "table file name" +description = "character string that defines the path and filename for the file containing cross-section table data for the reach. The TAB6_FILENAME file includes the number of entries in the file and the station elevation data in terms of the fractional width and the reach depth. Instructions for creating the TAB6_FILENAME input file are provided in SFR Reach Cross-Section Table Input File section." + +[connectiondata.connectiondata] +name = "connectiondata" +type = "list" +shape = "(maxbound)" +block = "connectiondata" + +[connectiondata.connectiondata.connectiondata] +name = "connectiondata" +type = "record" +block = "connectiondata" + +[connectiondata.connectiondata.connectiondata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the feature (reach) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NREACHES." +numeric_index = "true" + +[connectiondata.connectiondata.connectiondata.ic] +block = "connectiondata" +name = "ic" +type = "integer" +shape = "(ncon(ifno))" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "connected reach numbers" +description = "integer value that defines the reach number of the reach connected to the current reach and whether it is connected to the upstream or downstream end of the reach. Negative IC numbers indicate connected reaches are connected to the downstream end of the current reach. Positive IC numbers indicate connected reaches are connected to the upstream end of the current reach. The absolute value of IC must be greater than zero and less than or equal to NREACHES. IC should not be specified when NCON is zero but must be specified otherwise." +numeric_index = "true" +support_negative_index = "true" + +[diversions.diversions] +name = "diversions" +type = "list" +shape = "(maxbound)" +block = "diversions" + +[diversions.diversions.diversions] +name = "diversions" +type = "record" +block = "diversions" + +[diversions.diversions.diversions.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the feature (reach) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NREACHES." +numeric_index = "true" + +[diversions.diversions.diversions.idv] +block = "period" +name = "idv" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "diversion number" +description = "an integer value specifying which diversion of reach IFNO that DIVFLOW is being specified for. Must be less or equal to ndv for the current reach (IFNO)." +numeric_index = "true" + +[diversions.diversions.diversions.iconr] +block = "diversions" +name = "iconr" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "downstream reach number for diversion" +description = "integer value that defines the downstream reach that will receive the diverted water. IDV must be greater than zero and less than or equal to NREACHES. Furthermore, reach ICONR must be a downstream connection for reach IFNO." +numeric_index = "true" + +[diversions.diversions.diversions.cprior] +block = "diversions" +name = "cprior" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "iprior code" +description = "character string value that defines the the prioritization system for the diversion, such as when insufficient water is available to meet all diversion stipulations, and is used in conjunction with the value of FLOW value specified in the STRESS_PERIOD_DATA section. Available diversion options include: (1) CPRIOR = `FRACTION', then the amount of the diversion is computed as a fraction of the streamflow leaving reach IFNO ($Q_{DS}$); in this case, 0.0 $le$ DIVFLOW $le$ 1.0. (2) CPRIOR = `EXCESS', a diversion is made only if $Q_{DS}$ for reach IFNO exceeds the value of DIVFLOW. If this occurs, then the quantity of water diverted is the excess flow ($Q_{DS} -$ DIVFLOW) and $Q_{DS}$ from reach IFNO is set equal to DIVFLOW. This represents a flood-control type of diversion, as described by Danskin and Hanson (2002). (3) CPRIOR = `THRESHOLD', then if $Q_{DS}$ in reach IFNO is less than the specified diversion flow DIVFLOW, no water is diverted from reach IFNO. If $Q_{DS}$ in reach IFNO is greater than or equal to DIVFLOW, DIVFLOW is diverted and $Q_{DS}$ is set to the remainder ($Q_{DS} -$ DIVFLOW)). This approach assumes that once flow in the stream is sufficiently low, diversions from the stream cease, and is the `priority' algorithm that originally was programmed into the STR1 Package (Prudic, 1989). (4) CPRIOR = `UPTO' -- if $Q_{DS}$ in reach IFNO is greater than or equal to the specified diversion flow DIVFLOW, $Q_{DS}$ is reduced by DIVFLOW. If $Q_{DS}$ in reach IFNO is less than DIVFLOW, DIVFLOW is set to $Q_{DS}$ and there will be no flow available for reaches connected to downstream end of reach IFNO." + +[initialstages.initialstages] +name = "initialstages" +type = "list" +shape = "(maxbound)" +block = "initialstages" + +[initialstages.initialstages.initialstages] +name = "initialstages" +type = "record" +block = "initialstages" + +[initialstages.initialstages.initialstages.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the feature (reach) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NREACHES." +numeric_index = "true" + +[initialstages.initialstages.initialstages.initialstage] +block = "initialstages" +name = "initialstage" +type = "double precision" +tagged = "false" +in_record = "true" +optional = "false" +reader = "urword" +longname = "initial reach stage" +description = "real value that defines the initial stage for the reach. The program will terminate with an error if INITIALSTAGE is less than the RTP value for reach IFNO defined in the PACKAGEDATA block. INITIALSTAGE data are used only if STORAGE is specified in the Options block and the first stress period is transient or for reaches defined to use the SIMPLE STATUS in the Period block." + +[period.perioddata] +name = "perioddata" +type = "list" +block = "period" + +[period.perioddata.perioddata] +name = "perioddata" +type = "record" +block = "period" + +[period.perioddata.perioddata.ifno] +name = "ifno" +type = "integer" +block = "period" +description = "integer value that defines the feature (reach) number associated with the specified period data on the line. ifno must be greater than zero and less than or equal to nreaches." + +[period.perioddata.perioddata.sfrsetting] +name = "sfrsetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the sfrsetting string include: status, bedk, manning, stage, inflow, rainfall, evaporation, runoff, diversion, upstream_fraction, and auxiliary." + +[period.perioddata.perioddata.sfrsetting.stage] +name = "stage" +type = "string" +block = "period" +description = "real or character value that defines the stage for the reach. the specified stage is only applied if the reach uses the simple routing option. if stage is not specified for reaches that use the simple routing option, the specified stage is set to the top of the reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.sfrsetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define stream reach status. status can be active, inactive, or simple. the simple status option simulates streamflow using a user-specified stage for a reach or a stage set to the top of the reach (depth = 0). in cases where the simulated leakage calculated using the specified stage exceeds the sum of inflows to the reach, the stage is set to the top of the reach and leakage is set equal to the sum of inflows. upstream fractions should be changed using the upstream_fraction sfrsetting if the status for one or more reaches is changed to active or inactive. for example, if one of two downstream connections for a reach is inactivated, the upstream fraction for the active and inactive downstream reach should be changed to 1.0 and 0.0, respectively, to ensure that the active reach receives all of the downstream outflow from the upstream reach. by default, status is active." + +[period.perioddata.perioddata.sfrsetting.bedk] +name = "bedk" +type = "string" +block = "period" +description = "real or character value that defines the hydraulic conductivity of the reach streambed. bedk can be any positive value if the reach is not connected to an underlying gwf cell. otherwise, bedk must be greater than zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.sfrsetting.manning] +name = "manning" +type = "string" +block = "period" +description = "real or character value that defines the manning's roughness coefficient for the reach. manning must be greater than zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.sfrsetting.inflow] +name = "inflow" +type = "string" +block = "period" +description = "real or character value that defines the volumetric inflow rate for the streamflow routing reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. by default, inflow rates are zero for each reach." + +[period.perioddata.perioddata.sfrsetting.rainfall] +name = "rainfall" +type = "string" +block = "period" +description = "real or character value that defines the volumetric rate per unit area of water added by precipitation directly on the streamflow routing reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. by default, rainfall rates are zero for each reach." + +[period.perioddata.perioddata.sfrsetting.evaporation] +name = "evaporation" +type = "string" +block = "period" +description = "real or character value that defines the volumetric rate per unit area of water subtracted by evaporation from the streamflow routing reach. a positive evaporation rate should be provided. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. if the volumetric evaporation rate for a reach exceeds the sources of water to the reach (upstream and specified inflows, rainfall, and runoff but excluding groundwater leakage into the reach) the volumetric evaporation rate is limited to the sources of water to the reach. by default, evaporation rates are zero for each reach." + +[period.perioddata.perioddata.sfrsetting.runoff] +name = "runoff" +type = "string" +block = "period" +description = "real or character value that defines the volumetric rate of diffuse overland runoff that enters the streamflow routing reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value. if the volumetric runoff rate for a reach is negative and exceeds inflows to the reach (upstream and specified inflows, and rainfall but excluding groundwater leakage into the reach) the volumetric runoff rate is limited to inflows to the reach and the volumetric evaporation rate for the reach is set to zero. by default, runoff rates are zero for each reach." + +[period.perioddata.perioddata.sfrsetting.diversionrecord] +name = "diversionrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.sfrsetting.diversionrecord.diversion] +block = "period" +name = "diversion" +type = "keyword" +in_record = "true" +reader = "urword" +longname = "diversion keyword" +description = "keyword to indicate diversion record." + +[period.perioddata.perioddata.sfrsetting.diversionrecord.idv] +block = "period" +name = "idv" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "diversion number" +description = "an integer value specifying which diversion of reach IFNO that DIVFLOW is being specified for. Must be less or equal to ndv for the current reach (IFNO)." +numeric_index = "true" + +[period.perioddata.perioddata.sfrsetting.diversionrecord.divflow] +block = "period" +name = "divflow" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "volumetric diversion flow rate" +description = "real or character value that defines the volumetric diversion (DIVFLOW) rate for the streamflow routing reach. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.sfrsetting.upstream_fraction] +name = "upstream_fraction" +type = "double precision" +block = "period" +description = "real value that defines the fraction of upstream flow (ustrf) from each upstream reach that is applied as upstream inflow to the reach. the sum of all ustrf values for all reaches connected to the same upstream reach must be equal to one." + +[period.perioddata.perioddata.sfrsetting.cross_sectionrecord] +name = "cross_sectionrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.sfrsetting.cross_sectionrecord.cross_section] +block = "period" +name = "cross_section" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "cross_section keyword" +description = "keyword to specify that record corresponds to a reach cross-section." + +[period.perioddata.perioddata.sfrsetting.cross_sectionrecord.tab6] +block = "period" +name = "tab6" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to a cross-section table file." + +[period.perioddata.perioddata.sfrsetting.cross_sectionrecord.filein] +block = "period" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[period.perioddata.perioddata.sfrsetting.cross_sectionrecord.tab6_filename] +block = "period" +name = "tab6_filename" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +optional = "false" +tagged = "false" +longname = "table file name" +description = "character string that defines the path and filename for the file containing cross-section table data for the reach. The TAB6_FILENAME file includes the number of entries in the file and the station elevation data in terms of the fractional width and the reach depth. Instructions for creating the TAB6_FILENAME input file are provided in SFR Reach Cross-Section Table Input File section." + +[period.perioddata.perioddata.sfrsetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.perioddata.perioddata.sfrsetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.perioddata.perioddata.sfrsetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.perioddata.perioddata.sfrsetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwf-sto.toml b/spec/toml/gwf-sto.toml new file mode 100644 index 0000000..962126a --- /dev/null +++ b/spec/toml/gwf-sto.toml @@ -0,0 +1,92 @@ +name = "gwf-sto" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that cell-by-cell flow terms will be written to the file specified with 'budget save file' in output control." + +[options.storagecoefficient] +name = "storagecoefficient" +type = "keyword" +block = "options" +description = "keyword to indicate that the ss array is read as storage coefficient rather than specific storage." + +[options.ss_confined_only] +name = "ss_confined_only" +type = "keyword" +block = "options" +description = "keyword to indicate that compressible storage is only calculated for a convertible cell (iconvert>0) when the cell is under confined conditions (head greater than or equal to the top of the cell). this option has no effect on cells that are marked as being always confined (iconvert=0). this option is identical to the approach used to calculate storage changes under confined conditions in modflow-2005." + +[options.perioddata] +name = "perioddata" +type = "record" +block = "options" +description = "Contains data for the tvs package. Data can be stored in a dictionary containing data for the tvs package with variable names as keys and package data as values. Data just for the perioddata variable is also acceptable. See tvs package documentation for more information" + +[options.perioddata.subpackage] +parent = "parent_package" +key = "tvs_filerecord" +val = "perioddata" +abbr = "tvs" +param = "tvs_perioddata" + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input grid arrays, which already support the layered keyword, should be written to layered ascii output files." + +[options.export_array_netcdf] +name = "export_array_netcdf" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." + +[options.dev_original_specific_storage] +name = "dev_original_specific_storage" +type = "keyword" +block = "options" +description = "flag indicating the original storage specific storage formulation should be used" + +[options.dev_oldstorageformulation] +name = "dev_oldstorageformulation" +type = "keyword" +block = "options" +description = "development option flag for old storage formulation" + +[griddata.iconvert] +name = "iconvert" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "is a flag for each cell that specifies whether or not a cell is convertible for the storage calculation. 0 indicates confined storage is used. $>$0 indicates confined storage is used when head is above cell top and a mixed formulation of unconfined and confined storage is used when head is below cell top." + +[griddata.ss] +name = "ss" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is specific storage (or the storage coefficient if storagecoefficient is specified as an option). specific storage values must be greater than or equal to 0. if the csub package is included in the gwf model, specific storage must be zero for every cell." +default = 1e-05 + +[griddata.sy] +name = "sy" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is specific yield. specific yield values must be greater than or equal to 0. specific yield does not have to be specified if there are no convertible cells (iconvert=0 in every cell)." +default = 0.15 + +[period.steady-state] +name = "steady-state" +type = "keyword" +block = "period" +description = "keyword to indicate that stress period iper is steady-state. steady-state conditions will apply until the transient keyword is specified in a subsequent begin period block. if the csub package is included in the gwf model, only the first and last stress period can be steady-state." + +[period.transient] +name = "transient" +type = "keyword" +block = "period" +description = "keyword to indicate that stress period iper is transient. transient conditions will apply until the steady-state keyword is specified in a subsequent begin period block." diff --git a/spec/toml/gwf-uzf.toml b/spec/toml/gwf-uzf.toml new file mode 100644 index 0000000..37d1e62 --- /dev/null +++ b/spec/toml/gwf-uzf.toml @@ -0,0 +1,520 @@ +name = "gwf-uzf" +package_type = "advanced-stress-package" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of gwf cell area used by uzf cell." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of uzf cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of uzf information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of uzf flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that uzf flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.wc_filerecord] +name = "wc_filerecord" +type = "record" +block = "options" + +[options.wc_filerecord.water_content] +block = "options" +name = "water_content" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "water_content keyword" +description = "keyword to specify that record corresponds to unsaturated zone water contents." + +[options.wc_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.wc_filerecord.wcfile] +block = "options" +name = "wcfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write water content information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +preserve_case = "true" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.package_convergence_filerecord] +name = "package_convergence_filerecord" +type = "record" +block = "options" + +[options.package_convergence_filerecord.package_convergence] +block = "options" +name = "package_convergence" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "package_convergence keyword" +description = "keyword to specify that record corresponds to the package convergence comma spaced values file." + +[options.package_convergence_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.package_convergence_filerecord.package_convergence_filename] +block = "options" +name = "package_convergence_filename" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma spaced values output file to write package convergence information." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the uzf package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[options.simulate_et] +name = "simulate_et" +type = "keyword" +block = "options" +description = "keyword specifying that et in the unsaturated (uzf) and saturated zones (gwf) will be simulated. et can be simulated in the uzf cell and not the gwf cell by omitting keywords linear_gwet and square_gwet." + +[options.linear_gwet] +name = "linear_gwet" +type = "keyword" +block = "options" +description = "keyword specifying that groundwater et will be simulated using the original et formulation of modflow-2005." + +[options.square_gwet] +name = "square_gwet" +type = "keyword" +block = "options" +description = "keyword specifying that groundwater et will be simulated by assuming a constant et rate for groundwater levels between land surface (top) and land surface minus the et extinction depth (top-extdp). groundwater et is smoothly reduced from the pet rate to zero over a nominal interval at top-extdp." + +[options.simulate_gwseep] +name = "simulate_gwseep" +type = "keyword" +block = "options" +description = "keyword specifying that groundwater discharge (gwseep) to land surface will be simulated. groundwater discharge is nonzero when groundwater head is greater than land surface. this option is no longer recommended; a better approach is to use the drain package with discharge scaling as a way to handle seepage to land surface. the drain package with discharge scaling is described in chapter 3 of the supplemental technical information." + +[options.unsat_etwc] +name = "unsat_etwc" +type = "keyword" +block = "options" +description = "keyword specifying that et in the unsaturated zone will be simulated as a function of the specified pet rate while the water content (theta) is greater than the et extinction water content (extwc)." + +[options.unsat_etae] +name = "unsat_etae" +type = "keyword" +block = "options" +description = "keyword specifying that et in the unsaturated zone will be simulated using a capillary pressure based formulation. capillary pressure is calculated using the brooks-corey retention function." + +[dimensions.nuzfcells] +name = "nuzfcells" +type = "integer" +block = "dimensions" +description = "is the number of uzf cells. more than one uzf cell can be assigned to a gwf cell; however, only one gwf cell can be assigned to a single uzf cell. if more than one uzf cell is assigned to a gwf cell, then an auxiliary variable should be used to reduce the surface area of the uzf cell with the auxmultname option." + +[dimensions.ntrailwaves] +name = "ntrailwaves" +type = "integer" +block = "dimensions" +description = "is the number of trailing waves. a recommended value of 7 can be used for ntrailwaves. this value can be increased to lower mass balance error in the unsaturated zone." +default = 7 + +[dimensions.nwavesets] +name = "nwavesets" +type = "integer" +block = "dimensions" +description = "is the number of wave sets. a recommended value of 40 can be used for nwavesets. this value can be increased if more waves are required to resolve variations in water content within the unsaturated zone." +default = 40 + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(nuzfcells)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "UZF id number" +description = "integer value that defines the feature (UZF object) number associated with the specified PERIOD data on the line." +numeric_index = "true" + +[packagedata.packagedata.packagedata.cellid] +block = "packagedata" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[packagedata.packagedata.packagedata.landflag] +block = "packagedata" +name = "landflag" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "land flag" +description = "integer value set to one for land surface cells indicating that boundary conditions can be applied and data can be specified in the PERIOD block. A value of 0 specifies a non-land surface cell." + +[packagedata.packagedata.packagedata.ivertcon] +block = "packagedata" +name = "ivertcon" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "vertical connection flag" +description = "integer value set to specify underlying UZF cell that receives water flowing to bottom of cell. If unsaturated zone flow reaches the water table before the cell bottom, then water is added to the GWF cell instead of flowing to the underlying UZF cell. A value of 0 indicates the UZF cell is not connected to an underlying UZF cell." +numeric_index = "true" + +[packagedata.packagedata.packagedata.surfdep] +block = "packagedata" +name = "surfdep" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "surface depression depth" +description = "is the surface depression depth of the UZF cell." + +[packagedata.packagedata.packagedata.vks] +block = "packagedata" +name = "vks" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "vertical saturated hydraulic conductivity" +description = "is the saturated vertical hydraulic conductivity of the UZF cell. This value is used with the Brooks-Corey function and the simulated water content to calculate the partially saturated hydraulic conductivity." + +[packagedata.packagedata.packagedata.thtr] +block = "packagedata" +name = "thtr" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "residual water content" +description = "is the residual (irreducible) water content of the UZF cell. This residual water is not available to plants and will not drain into underlying aquifer cells." + +[packagedata.packagedata.packagedata.thts] +block = "packagedata" +name = "thts" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "saturated water content" +description = "is the saturated water content of the UZF cell. The values for saturated and residual water content should be set in a manner that is consistent with the specific yield value specified in the Storage Package. The saturated water content must be greater than the residual content." + +[packagedata.packagedata.packagedata.thti] +block = "packagedata" +name = "thti" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "initial water content" +description = "is the initial water content of the UZF cell. The value must be greater than or equal to the residual water content and less than or equal to the saturated water content." + +[packagedata.packagedata.packagedata.eps] +block = "packagedata" +name = "eps" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "Brooks-Corey exponent" +description = "is the exponent used in the Brooks-Corey function. The Brooks-Corey function is used by UZF to calculated hydraulic conductivity under partially saturated conditions as a function of water content and the user-specified saturated hydraulic conductivity." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the UZF cell cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.perioddata] +name = "perioddata" +type = "list" +block = "period" + +[period.perioddata.perioddata] +name = "perioddata" +type = "record" +block = "period" + +[period.perioddata.perioddata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "UZF id number" +description = "integer value that defines the feature (UZF object) number associated with the specified PERIOD data on the line." +numeric_index = "true" + +[period.perioddata.perioddata.finf] +block = "period" +name = "finf" +type = "string" +tagged = "false" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "infiltration rate" +description = "real or character value that defines the applied infiltration rate of the UZF cell ($LT^{-1}$). If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.pet] +block = "period" +name = "pet" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "potential ET rate" +description = "real or character value that defines the potential evapotranspiration rate of the UZF cell and specified GWF cell. Evapotranspiration is first removed from the unsaturated zone and any remaining potential evapotranspiration is applied to the saturated zone. If IVERTCON is greater than zero then residual potential evapotranspiration not satisfied in the UZF cell is applied to the underlying UZF and GWF cells. PET is always specified, but is only used if SIMULATE_ET is specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.extdp] +block = "period" +name = "extdp" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "extinction depth" +description = "real or character value that defines the evapotranspiration extinction depth of the UZF cell. If IVERTCON is greater than zero and EXTDP extends below the GWF cell bottom then remaining potential evapotranspiration is applied to the underlying UZF and GWF cells. EXTDP is always specified, but is only used if SIMULATE_ET is specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.extwc] +block = "period" +name = "extwc" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "extinction water content" +description = "real or character value that defines the evapotranspiration extinction water content of the UZF cell. EXTWC is always specified, but is only used if SIMULATE_ET and UNSAT_ETWC are specified in the OPTIONS block. The evapotranspiration rate from the unsaturated zone will be set to zero when the calculated water content is at or less than this value. The value for EXTWC cannot be less than the residual water content, and if it is specified as being less than the residual water content it is set to the residual water content. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.ha] +block = "period" +name = "ha" +type = "string" +tagged = "false" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "air entry potential" +description = "real or character value that defines the air entry potential (head) of the UZF cell. HA is always specified, but is only used if SIMULATE_ET and UNSAT_ETAE are specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.hroot] +block = "period" +name = "hroot" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "root potential" +description = "real or character value that defines the root potential (head) of the UZF cell. HROOT is always specified, but is only used if SIMULATE_ET and UNSAT_ETAE are specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.rootact] +block = "period" +name = "rootact" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "root activity function" +description = "real or character value that defines the root activity function of the UZF cell. ROOTACT is the length of roots in a given volume of soil divided by that volume. Values range from 0 to about 3 $cm^{-2}$, depending on the plant community and its stage of development. ROOTACT is always specified, but is only used if SIMULATE_ET and UNSAT_ETAE are specified in the OPTIONS block. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.perioddata.perioddata.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each UZF. The values of auxiliary variables must be present for each UZF. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwf-vsc.toml b/spec/toml/gwf-vsc.toml new file mode 100644 index 0000000..32763a4 --- /dev/null +++ b/spec/toml/gwf-vsc.toml @@ -0,0 +1,149 @@ +name = "gwf-vsc" +multi = false + +[options.viscref] +name = "viscref" +type = "double precision" +block = "options" +description = "fluid reference viscosity used in the equation of state. this value is set to 1.0 if not specified as an option." +default = 1.0 + +[options.temperature_species_name] +name = "temperature_species_name" +type = "string" +block = "options" +description = "string used to identify the auxspeciesname in packagedata that corresponds to the temperature species. there can be only one occurrence of this temperature species name in the packagedata block or the program will terminate with an error. this value has no effect if viscosity does not depend on temperature." + +[options.thermal_formulation] +name = "thermal_formulation" +type = "string" +block = "options" +description = "may be used for specifying which viscosity formulation to use for the temperature species. can be either linear or nonlinear. the linear viscosity formulation is the default." + +[options.thermal_a2] +name = "thermal_a2" +type = "double precision" +block = "options" +description = "is an empirical parameter specified by the user for calculating viscosity using a nonlinear formulation. if a2 is not specified, a default value of 10.0 is assigned (voss, 1984)." +default = 10.0 + +[options.thermal_a3] +name = "thermal_a3" +type = "double precision" +block = "options" +description = "is an empirical parameter specified by the user for calculating viscosity using a nonlinear formulation. if a3 is not specified, a default value of 248.37 is assigned (voss, 1984)." +default = 248.37 + +[options.thermal_a4] +name = "thermal_a4" +type = "double precision" +block = "options" +description = "is an empirical parameter specified by the user for calculating viscosity using a nonlinear formulation. if a4 is not specified, a default value of 133.15 is assigned (voss, 1984)." +default = 133.15 + +[options.viscosity_filerecord] +name = "viscosity_filerecord" +type = "record" +block = "options" + +[options.viscosity_filerecord.viscosity] +block = "options" +name = "viscosity" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "viscosity keyword" +description = "keyword to specify that record corresponds to viscosity." + +[options.viscosity_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.viscosity_filerecord.viscosityfile] +block = "options" +name = "viscosityfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write viscosity information. The viscosity file has the same format as the head file. Viscosity values will be written to the viscosity file whenever heads are written to the binary head file. The settings for controlling head output are contained in the Output Control option." + +[dimensions.nviscspecies] +name = "nviscspecies" +type = "integer" +block = "dimensions" +description = "number of species used in the viscosity equation of state. if either concentrations or temperature (or both) are used to update viscosity then then nrhospecies needs to be at least one." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(nrhospecies)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.iviscspec] +block = "packagedata" +name = "iviscspec" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "species number for this entry" +description = "integer value that defines the species number associated with the specified PACKAGEDATA data entered on each line. IVISCSPECIES must be greater than zero and less than or equal to NVISCSPECIES. Information must be specified for each of the NVISCSPECIES species or the program will terminate with an error. The program will also terminate with an error if information for a species is specified more than once." +numeric_index = "true" + +[packagedata.packagedata.packagedata.dviscdc] +block = "packagedata" +name = "dviscdc" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "slope of the line that defines the linear relationship between viscosity and temperature or between viscosity and concentration, depending on the type of species entered on each line." +description = "real value that defines the slope of the line defining the linear relationship between viscosity and temperature or between viscosity and concentration, depending on the type of species entered on each line. If the value of AUXSPECIESNAME entered on a line corresponds to TEMPERATURE_SPECIES_NAME (in the OPTIONS block), this value will be used when VISCOSITY_FUNC is equal to LINEAR (the default) in the OPTIONS block. When VISCOSITY_FUNC is set to NONLINEAR, a value for DVISCDC must be specified though it is not used." + +[packagedata.packagedata.packagedata.cviscref] +block = "packagedata" +name = "cviscref" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reference temperature value or reference concentration value" +description = "real value that defines the reference temperature or reference concentration value used for this species in the viscosity equation of state. If AUXSPECIESNAME entered on a line corresponds to TEMPERATURE_SPECIES_NAME (in the OPTIONS block), then CVISCREF refers to a reference temperature, otherwise it refers to a reference concentration." + +[packagedata.packagedata.packagedata.modelname] +block = "packagedata" +name = "modelname" +type = "string" +in_record = "true" +tagged = "false" +reader = "urword" +longname = "modelname" +description = "name of a GWT model used to simulate a species that will be used in the viscosity equation of state. This name will have no effect if the simulation does not include a GWT model that corresponds to this GWF model." + +[packagedata.packagedata.packagedata.auxspeciesname] +block = "packagedata" +name = "auxspeciesname" +type = "string" +in_record = "true" +tagged = "false" +reader = "urword" +longname = "auxspeciesname" +description = "name of an auxiliary variable in a GWF stress package that will be used for this species to calculate the viscosity values. If a viscosity value is needed by the Viscosity Package then it will use the temperature or concentration values associated with this AUXSPECIESNAME in the viscosity equation of state. For advanced stress packages (LAK, SFR, MAW, and UZF) that have an associated advanced transport package (LKT, SFT, MWT, and UZT), the FLOW_PACKAGE_AUXILIARY_NAME option in the advanced transport package can be used to transfer simulated temperature or concentration(s) into the flow package auxiliary variable. In this manner, the Viscosity Package can calculate viscosity values for lakes, streams, multi-aquifer wells, and unsaturated zone flow cells using simulated concentrations." diff --git a/spec/toml/gwf-wel.toml b/spec/toml/gwf-wel.toml new file mode 100644 index 0000000..c145329 --- /dev/null +++ b/spec/toml/gwf-wel.toml @@ -0,0 +1,183 @@ +name = "gwf-wel" +package_type = "stress-package" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of well flow rate." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of well cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that well flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.auto_flow_reduce] +name = "auto_flow_reduce" +type = "double precision" +block = "options" +description = "keyword and real value that defines the fraction of the cell thickness used as an interval for smoothly adjusting negative pumping rates to 0 in cells with head values less than or equal to the bottom of the cell. negative pumping rates are adjusted to 0 or a smaller negative value when the head in the cell is equal to or less than the calculated interval above the cell bottom. auto_flow_reduce is set to 0.1 if the specified value is less than or equal to zero. by default, negative pumping rates are not reduced during a simulation. this auto_flow_reduce option only applies to wells in model cells that are marked as 'convertible' (icelltype /= 0) in the node property flow (npf) input file. reduction in flow will not occur for wells in cells marked as confined (icelltype = 0)." + +[options.afrcsv_filerecord] +name = "afrcsv_filerecord" +type = "record" +block = "options" + +[options.afrcsv_filerecord.auto_flow_reduce_csv] +block = "options" +name = "auto_flow_reduce_csv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the AUTO_FLOW_REDUCE output option in which a new record is written for each well and for each time step in which the user-requested extraction rate is reduced by the program." +mf6internal = "afrcsv" + +[options.afrcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.afrcsv_filerecord.afrcsvfile] +block = "options" +name = "afrcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write information about well extraction rates that have been reduced by the program. Entries are only written if the extraction rates are reduced." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the well package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of wells cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.q] +block = "period" +name = "q" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "well rate" +description = "is the volumetric well rate. A positive value indicates recharge (injection) and a negative value indicates discharge (extraction). If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each well. The values of auxiliary variables must be present for each well. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the well cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwt-adv.toml b/spec/toml/gwt-adv.toml new file mode 100644 index 0000000..ae8e6b7 --- /dev/null +++ b/spec/toml/gwt-adv.toml @@ -0,0 +1,14 @@ +name = "gwt-adv" +multi = false + +[options.scheme] +name = "scheme" +type = "string" +block = "options" +description = "scheme used to solve the advection term. can be upstream, central, or tvd. if not specified, upstream weighting is the default weighting scheme." + +[options.ats_percel] +name = "ats_percel" +type = "double precision" +block = "options" +description = "fractional cell distance submitted by the adv package to the adaptive time stepping (ats) package. if ats_percel is specified and the ats package is active, a time step calculation will be made for each cell based on flow through the cell and cell properties. the largest time step will be calculated such that the advective fractional cell distance (ats_percel) is not exceeded for any active cell in the grid. this time-step constraint will be submitted to the ats package, perhaps with constraints submitted by other packages, in the calculation of the time step. ats_percel must be greater than zero. if a value of zero is specified for ats_percel the program will automatically reset it to an internal no data value to indicate that time steps should not be subject to this constraint." diff --git a/spec/toml/gwt-api.toml b/spec/toml/gwt-api.toml new file mode 100644 index 0000000..cc255a1 --- /dev/null +++ b/spec/toml/gwt-api.toml @@ -0,0 +1,51 @@ +name = "gwt-api" +multi = false + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of api boundary cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of api boundary information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of api boundary flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that api boundary flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.mover] +name = "mover" +type = "keyword" +block = "options" +description = "keyword to indicate that this instance of the api boundary package can be used with the water mover (mvr) package. when the mover option is specified, additional memory is allocated within the package to store the available, provided, and received water." + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of api boundary cells that will be specified for use during any stress period." diff --git a/spec/toml/gwt-cnc.toml b/spec/toml/gwt-cnc.toml new file mode 100644 index 0000000..0037b74 --- /dev/null +++ b/spec/toml/gwt-cnc.toml @@ -0,0 +1,131 @@ +name = "gwt-cnc" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of concentration value." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of constant concentration cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant concentration information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant concentration flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that constant concentration flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of constant concentrations cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.conc] +block = "period" +name = "conc" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "constant concentration value" +description = "is the constant concentration value. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "tspvar" + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each constant concentration. The values of auxiliary variables must be present for each constant concentration. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "constant concentration name" +description = "name of the constant concentration cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwt-dis.toml b/spec/toml/gwt-dis.toml index 405eb98..cdda29f7 100644 --- a/spec/toml/gwt-dis.toml +++ b/spec/toml/gwt-dis.toml @@ -1,336 +1,116 @@ -component = "GWT" -subcomponent = "DIS" -blocknames = [ "options", "dimensions", "griddata",] -multipkg = false -stress = false -advanced = false +name = "gwt-dis" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position of the model grid origin" -description = "x-position of the lower-left corner of the model grid. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position of the model grid origin" -description = "y-position of the lower-left corner of the model grid. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" - -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "1" -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" +default = 1 -[block.dimensions.nrow] +[dimensions.nrow] +name = "nrow" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of rows" +block = "dimensions" description = "is the number of rows in the model grid." -deprecated = "" +default = 2 -[block.dimensions.ncol] +[dimensions.ncol] +name = "ncol" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the number of columns in the model grid." -deprecated = "" +default = 2 -[block.griddata.delr] -type = "double" -block_variable = false -valid = [] +[griddata.delr] +name = "delr" +type = "double precision" shape = "(ncol)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a row" +block = "griddata" description = "is the column spacing in the row direction." -deprecated = "" +default = 1.0 -[block.griddata.delc] -type = "double" -block_variable = false -valid = [] +[griddata.delc] +name = "delc" +type = "double precision" shape = "(nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a column" +block = "griddata" description = "is the row spacing in the column direction." -deprecated = "" +default = 1.0 -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncol, nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "cell top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" +default = 1.0 -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "0." -numeric_index = false -longname = "cell bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." diff --git a/spec/toml/gwt-disu.toml b/spec/toml/gwt-disu.toml index 5c57a17..ca7d785 100644 --- a/spec/toml/gwt-disu.toml +++ b/spec/toml/gwt-disu.toml @@ -1,517 +1,246 @@ -component = "GWT" -subcomponent = "DISU" -blocknames = [ "options", "dimensions", "griddata", "connectiondata", "vertices", "cell2d",] -multipkg = false -stress = false -advanced = false - -[block.options.length_units] +name = "gwt-disu" +multi = false + +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" - -[block.options.nogrb] +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" - -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position origin of the model grid coordinate system" -description = "x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position origin of the model grid coordinate system" -description = "y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.vertical_offset_tolerance] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -default_value = "0.0" -numeric_index = false -longname = "vertical length dimension for top and bottom checking" -description = "checks are performed to ensure that the top of a cell is not higher than the bottom of an overlying cell. This option can be used to specify the tolerance that is used for checking. If top of a cell is above the bottom of an overlying cell by a value less than this tolerance, then the program will not terminate with an error. The default value is zero. This option should generally not be used." -deprecated = "" - -[block.options.export_array_ascii] + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.vertical_offset_tolerance] +name = "vertical_offset_tolerance" +type = "double precision" +block = "options" +description = "checks are performed to ensure that the top of a cell is not higher than the bottom of an overlying cell. this option can be used to specify the tolerance that is used for checking. if top of a cell is above the bottom of an overlying cell by a value less than this tolerance, then the program will not terminate with an error. the default value is zero. this option should generally not be used." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.dimensions.nodes] +[dimensions.nodes] +name = "nodes" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of cells in the model grid." -deprecated = "" -[block.dimensions.nja] +[dimensions.nja] +name = "nja" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of columns" -description = "is the sum of the number of connections and NODES. When calculating the total number of connections, the connection between cell n and cell m is considered to be different from the connection between cell m and cell n. Thus, NJA is equal to the total number of connections, including n to m and m to n, and the total number of cells." -deprecated = "" - -[block.dimensions.nvert] +block = "dimensions" +description = "is the sum of the number of connections and nodes. when calculating the total number of connections, the connection between cell n and cell m is considered to be different from the connection between cell m and cell n. thus, nja is equal to the total number of connections, including n to m and m to n, and the total number of cells." + +[dimensions.nvert] +name = "nvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "number of vertices" -description = "is the total number of (x, y) vertex pairs used to define the plan-view shape of each cell in the model grid. If NVERT is not specified or is specified as zero, then the VERTICES and CELL2D blocks below are not read. NVERT and the accompanying VERTICES and CELL2D blocks should be specified for most simulations. If the XT3D or SAVE_SPECIFIC_DISCHARGE options are specified in the NPF Package, then this information is required." -deprecated = "" - -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +block = "dimensions" +description = "is the total number of (x, y) vertex pairs used to define the plan-view shape of each cell in the model grid. if nvert is not specified or is specified as zero, then the vertices and cell2d blocks below are not read. nvert and the accompanying vertices and cell2d blocks should be specified for most simulations. if the xt3d or save_specific_discharge options are specified in the npf package, then this information is required." + +[griddata.top] +name = "top" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell top elevation" +block = "griddata" description = "is the top elevation for each cell in the model grid." -deprecated = "" -[block.griddata.bot] -type = "double" -block_variable = false -valid = [] +[griddata.bot] +name = "bot" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.area] -type = "double" -block_variable = false -valid = [] +[griddata.area] +name = "area" +type = "double precision" shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "cell surface area" +block = "griddata" description = "is the cell surface area (in plan view)." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1 or greater, the cell exists in the simulation. IDOMAIN values of -1 cannot be specified for the DISU Package." -deprecated = "" - -[block.connectiondata.iac] +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1 or greater, the cell exists in the simulation. idomain values of -1 cannot be specified for the disu package." + +[connectiondata.iac] +name = "iac" type = "integer" -block_variable = false -valid = [] shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "number of cell connections" -description = "is the number of connections (plus 1) for each cell. The sum of all the entries in IAC must be equal to NJA." -deprecated = "" - -[block.connectiondata.ja] +block = "connectiondata" +description = "is the number of connections (plus 1) for each cell. the sum of all the entries in iac must be equal to nja." + +[connectiondata.ja] +name = "ja" type = "integer" -block_variable = false -valid = [] shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = true -longname = "grid connectivity" -description = "is a list of cell number (n) followed by its connecting cell numbers (m) for each of the m cells connected to cell n. The number of values to provide for cell n is IAC(n). This list is sequentially provided for the first to the last cell. The first value in the list must be cell n itself, and the remaining cells must be listed in an increasing order (sorted from lowest number to highest). Note that the cell and its connections are only supplied for the GWT cells and their connections to the other GWT cells. Also note that the JA list input may be divided such that every node and its connectivity list can be on a separate line for ease in readability of the file. To further ease readability of the file, the node number of the cell whose connectivity is subsequently listed, may be expressed as a negative number, the sign of which is subsequently converted to positive by the code." -deprecated = "" - -[block.connectiondata.ihc] +block = "connectiondata" +description = "is a list of cell number (n) followed by its connecting cell numbers (m) for each of the m cells connected to cell n. the number of values to provide for cell n is iac(n). this list is sequentially provided for the first to the last cell. the first value in the list must be cell n itself, and the remaining cells must be listed in an increasing order (sorted from lowest number to highest). note that the cell and its connections are only supplied for the gwt cells and their connections to the other gwt cells. also note that the ja list input may be divided such that every node and its connectivity list can be on a separate line for ease in readability of the file. to further ease readability of the file, the node number of the cell whose connectivity is subsequently listed, may be expressed as a negative number, the sign of which is subsequently converted to positive by the code." + +[connectiondata.ihc] +name = "ihc" type = "integer" -block_variable = false -valid = [] shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection type" -description = "is an index array indicating the direction between node n and all of its m connections. If IHC = 0 then cell n and cell m are connected in the vertical direction. Cell n overlies cell m if the cell number for n is less than m; cell m overlies cell n if the cell number for m is less than n. If IHC = 1 then cell n and cell m are connected in the horizontal direction. If IHC = 2 then cell n and cell m are connected in the horizontal direction, and the connection is vertically staggered. A vertically staggered connection is one in which a cell is horizontally connected to more than one cell in a horizontal connection." -deprecated = "" - -[block.connectiondata.cl12] -type = "double" -block_variable = false -valid = [] +block = "connectiondata" +description = "is an index array indicating the direction between node n and all of its m connections. if ihc = 0 then cell n and cell m are connected in the vertical direction. cell n overlies cell m if the cell number for n is less than m; cell m overlies cell n if the cell number for m is less than n. if ihc = 1 then cell n and cell m are connected in the horizontal direction. if ihc = 2 then cell n and cell m are connected in the horizontal direction, and the connection is vertically staggered. a vertically staggered connection is one in which a cell is horizontally connected to more than one cell in a horizontal connection." + +[connectiondata.cl12] +name = "cl12" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection lengths" +block = "connectiondata" description = "is the array containing connection lengths between the center of cell n and the shared face with each adjacent m cell." -deprecated = "" -[block.connectiondata.hwva] -type = "double" -block_variable = false -valid = [] +[connectiondata.hwva] +name = "hwva" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "connection lengths" -description = "is a symmetric array of size NJA. For horizontal connections, entries in HWVA are the horizontal width perpendicular to flow. For vertical connections, entries in HWVA are the vertical area for flow. Thus, values in the HWVA array contain dimensions of both length and area. Entries in the HWVA array have a one-to-one correspondence with the connections specified in the JA array. Likewise, there is a one-to-one correspondence between entries in the HWVA array and entries in the IHC array, which specifies the connection type (horizontal or vertical). Entries in the HWVA array must be symmetric; the program will terminate with an error if the value for HWVA for an n to m connection does not equal the value for HWVA for the corresponding n to m connection." -deprecated = "" - -[block.connectiondata.angldegx] -type = "double" -block_variable = false -valid = [] +block = "connectiondata" +description = "is a symmetric array of size nja. for horizontal connections, entries in hwva are the horizontal width perpendicular to flow. for vertical connections, entries in hwva are the vertical area for flow. thus, values in the hwva array contain dimensions of both length and area. entries in the hwva array have a one-to-one correspondence with the connections specified in the ja array. likewise, there is a one-to-one correspondence between entries in the hwva array and entries in the ihc array, which specifies the connection type (horizontal or vertical). entries in the hwva array must be symmetric; the program will terminate with an error if the value for hwva for an n to m connection does not equal the value for hwva for the corresponding n to m connection." + +[connectiondata.angldegx] +name = "angldegx" +type = "double precision" shape = "(nja)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "angle of face normal to connection" -description = "is the angle (in degrees) between the horizontal x-axis and the outward normal to the face between a cell and its connecting cells. The angle varies between zero and 360.0 degrees, where zero degrees points in the positive x-axis direction, and 90 degrees points in the positive y-axis direction. ANGLDEGX is only needed if horizontal anisotropy is specified in the NPF Package, if the XT3D option is used in the NPF Package, or if the SAVE_SPECIFIC_DISCHARGE option is specified in the NPF Package. ANGLDEGX does not need to be specified if these conditions are not met. ANGLDEGX is of size NJA; values specified for vertical connections and for the diagonal position are not used. Note that ANGLDEGX is read in degrees, which is different from MODFLOW-USG, which reads a similar variable (ANGLEX) in radians." -deprecated = "" - -[block.vertices.iv] +block = "connectiondata" +description = "is the angle (in degrees) between the horizontal x-axis and the outward normal to the face between a cell and its connecting cells. the angle varies between zero and 360.0 degrees, where zero degrees points in the positive x-axis direction, and 90 degrees points in the positive y-axis direction. angldegx is only needed if horizontal anisotropy is specified in the npf package, if the xt3d option is used in the npf package, or if the save_specific_discharge option is specified in the npf package. angldegx does not need to be specified if these conditions are not met. angldegx is of size nja; values specified for vertical connections and for the diagonal position are not used. note that angldegx is read in degrees, which is different from modflow-usg, which reads a similar variable (anglex) in radians." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" + +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "vertex number" description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." -deprecated = "" - -[block.vertices.xv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +numeric_index = "true" + +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for vertex" description = "is the x-coordinate for the vertex." -deprecated = "" - -[block.vertices.yv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for vertex" description = "is the y-coordinate for the vertex." -deprecated = "" -[block.vertices.vertices] -type = "recarray iv xv yv" -block_variable = false -valid = [] -shape = "(nvert)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "vertices data" -description = "" -deprecated = "" - -[block.cell2d.icell2d] +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(nodes)" +block = "cell2d" + +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cell2d number" description = "is the cell2d number. Records in the CELL2D block must be listed in consecutive order from 1 to NODES." -deprecated = "" - -[block.cell2d.xc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +numeric_index = "true" + +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for cell center" description = "is the x-coordinate for the cell center." -deprecated = "" - -[block.cell2d.yc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for cell center" description = "is the y-coordinate for the cell center." -deprecated = "" -[block.cell2d.ncvert] +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "number of cell vertices" description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." -deprecated = "" -[block.cell2d.icvert] +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" type = "integer" -block_variable = false -valid = [] shape = "(ncvert)" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "array of vertex numbers" description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order." -deprecated = "" - -[block.cell2d.cell2d] -type = "recarray icell2d xc yc ncvert icvert" -block_variable = false -valid = [] -shape = "(nodes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "cell2d data" -description = "" -deprecated = "" +numeric_index = "true" diff --git a/spec/toml/gwt-disv.toml b/spec/toml/gwt-disv.toml index f7f0f58..ea2d290 100644 --- a/spec/toml/gwt-disv.toml +++ b/spec/toml/gwt-disv.toml @@ -1,465 +1,210 @@ -component = "GWT" -subcomponent = "DISV" -blocknames = [ "options", "dimensions", "griddata", "vertices", "cell2d",] -multipkg = false -stress = false -advanced = false +name = "gwt-disv" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position origin of the model grid coordinate system" -description = "x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position origin of the model grid coordinate system" -description = "y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" - -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" -[block.dimensions.ncpl] +[dimensions.ncpl] +name = "ncpl" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of cells per layer" -description = "is the number of cells per layer. This is a constant value for the grid and it applies to all layers." -deprecated = "" +block = "dimensions" +description = "is the number of cells per layer. this is a constant value for the grid and it applies to all layers." -[block.dimensions.nvert] +[dimensions.nvert] +name = "nvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the total number of (x, y) vertex pairs used to characterize the horizontal configuration of the model grid." -deprecated = "" -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" -[block.vertices.iv] +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "vertex number" description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." -deprecated = "" +numeric_index = "true" -[block.vertices.xv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for vertex" description = "is the x-coordinate for the vertex." -deprecated = "" -[block.vertices.yv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for vertex" description = "is the y-coordinate for the vertex." -deprecated = "" -[block.vertices.vertices] -type = "recarray iv xv yv" -block_variable = false -valid = [] -shape = "(nvert)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "vertices data" -description = "" -deprecated = "" +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(ncpl)" +block = "cell2d" -[block.cell2d.icell2d] +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cell2d number" description = "is the CELL2D number. Records in the CELL2D block must be listed in consecutive order from the first to the last." -deprecated = "" +numeric_index = "true" -[block.cell2d.xc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for cell center" description = "is the x-coordinate for the cell center." -deprecated = "" -[block.cell2d.yc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for cell center" description = "is the y-coordinate for the cell center." -deprecated = "" -[block.cell2d.ncvert] +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "number of cell vertices" description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." -deprecated = "" -[block.cell2d.icvert] +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" type = "integer" -block_variable = false -valid = [] shape = "(ncvert)" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "array of vertex numbers" description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order. Cells that are connected must share vertices." -deprecated = "" - -[block.cell2d.cell2d] -type = "recarray icell2d xc yc ncvert icvert" -block_variable = false -valid = [] -shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "cell2d data" -description = "" -deprecated = "" +numeric_index = "true" diff --git a/spec/toml/gwt-dsp.toml b/spec/toml/gwt-dsp.toml new file mode 100644 index 0000000..794ad5a --- /dev/null +++ b/spec/toml/gwt-dsp.toml @@ -0,0 +1,68 @@ +name = "gwt-dsp" +multi = false + +[options.xt3d_off] +name = "xt3d_off" +type = "keyword" +block = "options" +description = "deactivate the xt3d method and use the faster and less accurate approximation. this option may provide a fast and accurate solution under some circumstances, such as when flow aligns with the model grid, there is no mechanical dispersion, or when the longitudinal and transverse dispersivities are equal. this option may also be used to assess the computational demand of the xt3d approach by noting the run time differences with and without this option on." + +[options.xt3d_rhs] +name = "xt3d_rhs" +type = "keyword" +block = "options" +description = "add xt3d terms to right-hand side, when possible. this option uses less memory, but may require more iterations." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[options.export_array_netcdf] +name = "export_array_netcdf" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." + +[griddata.diffc] +name = "diffc" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "effective molecular diffusion coefficient." + +[griddata.alh] +name = "alh" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "longitudinal dispersivity in horizontal direction. if flow is strictly horizontal, then this is the longitudinal dispersivity that will be used. if flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both alh and alv. if mechanical dispersion is represented (by specifying any dispersivity values) then this array is required." + +[griddata.alv] +name = "alv" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "longitudinal dispersivity in vertical direction. if flow is strictly vertical, then this is the longitudinal dispsersivity value that will be used. if flow is not strictly horizontal or strictly vertical, then the longitudinal dispersivity is a function of both alh and alv. if this value is not specified and mechanical dispersion is represented, then this array is set equal to alh." + +[griddata.ath1] +name = "ath1" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "transverse dispersivity in horizontal direction. this is the transverse dispersivity value for the second ellipsoid axis. if flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the y direction. if mechanical dispersion is represented (by specifying any dispersivity values) then this array is required." + +[griddata.ath2] +name = "ath2" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "transverse dispersivity in horizontal direction. this is the transverse dispersivity value for the third ellipsoid axis. if flow is strictly horizontal and directed in the x direction (along a row for a regular grid), then this value controls spreading in the z direction. if this value is not specified and mechanical dispersion is represented, then this array is set equal to ath1." + +[griddata.atv] +name = "atv" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "transverse dispersivity when flow is in vertical direction. if flow is strictly vertical and directed in the z direction, then this value controls spreading in the x and y directions. if this value is not specified and mechanical dispersion is represented, then this array is set equal to ath2." diff --git a/spec/toml/gwt-fmi.toml b/spec/toml/gwt-fmi.toml new file mode 100644 index 0000000..0592337 --- /dev/null +++ b/spec/toml/gwt-fmi.toml @@ -0,0 +1,56 @@ +name = "gwt-fmi" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that fmi flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.flow_imbalance_correction] +name = "flow_imbalance_correction" +type = "keyword" +block = "options" +description = "correct for an imbalance in flows by assuming that any residual flow error comes in or leaves at the concentration of the cell. when this option is activated, the gwt model budget written to the listing file will contain two additional entries: flow-error and flow-correction. these two entries will be equal but opposite in sign. the flow-correction term is a mass flow that is added to offset the error caused by an imprecise flow balance. if these terms are not relatively small, the flow model should be rerun with stricter convergence tolerances." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.flowtype] +block = "packagedata" +name = "flowtype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "flow type" +description = "is the word GWFBUDGET, GWFHEAD, GWFMOVER or the name of an advanced GWF stress package. If GWFBUDGET is specified, then the corresponding file must be a budget file from a previous GWF Model run. If an advanced GWF stress package name appears then the corresponding file must be the budget file saved by a LAK, SFR, MAW or UZF Package." + +[packagedata.packagedata.packagedata.filein] +block = "packagedata" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[packagedata.packagedata.packagedata.fname] +block = "packagedata" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing flows. The path to the file should be included if the file is not located in the folder where the program was run." diff --git a/spec/toml/gwt-ic.toml b/spec/toml/gwt-ic.toml new file mode 100644 index 0000000..dbcaf88 --- /dev/null +++ b/spec/toml/gwt-ic.toml @@ -0,0 +1,21 @@ +name = "gwt-ic" +multi = false + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[options.export_array_netcdf] +name = "export_array_netcdf" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." + +[griddata.strt] +name = "strt" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the initial (starting) concentration---that is, concentration at the beginning of the gwt model simulation. strt must be specified for all gwt model simulations. one value is read for every model cell." diff --git a/spec/toml/gwt-ist.toml b/spec/toml/gwt-ist.toml new file mode 100644 index 0000000..f731949 --- /dev/null +++ b/spec/toml/gwt-ist.toml @@ -0,0 +1,250 @@ +name = "gwt-ist" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that ist flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.sorption] +name = "sorption" +type = "string" +block = "options" +description = "is a text keyword to indicate that sorption will be activated. valid sorption options include linear, freundlich, and langmuir. use of this keyword requires that bulk_density and distcoef are specified in the griddata block. if sorption is specified as freundlich or langmuir then sp2 is also required in the griddata block." + +[options.first_order_decay] +name = "first_order_decay" +type = "keyword" +block = "options" +description = "is a text keyword to indicate that first-order decay will occur. use of this keyword requires that decay and decay_sorbed (if sorption is active) are specified in the griddata block." + +[options.zero_order_decay] +name = "zero_order_decay" +type = "keyword" +block = "options" +description = "is a text keyword to indicate that zero-order decay will occur. use of this keyword requires that decay and decay_sorbed (if sorption is active) are specified in the griddata block." + +[options.cim_filerecord] +name = "cim_filerecord" +type = "record" +block = "options" + +[options.cim_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.cim_filerecord.cimfile] +block = "options" +name = "cimfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write immobile concentrations. This file is a binary file that has the same format and structure as a binary head and concentration file. The value for the text variable written to the file is CIM. Immobile domain concentrations will be written to this file at the same interval as mobile domain concentrations are saved, as specified in the GWT Model Output Control file." + +[options.cimprintrecord] +name = "cimprintrecord" +type = "record" +block = "options" + +[options.cimprintrecord.print_format] +block = "options" +name = "print_format" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to indicate that a print format follows" +description = "keyword to specify format for printing to the listing file." + +[options.sorbate_filerecord] +name = "sorbate_filerecord" +type = "record" +block = "options" + +[options.sorbate_filerecord.sorbate] +block = "options" +name = "sorbate" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "sorbate keyword" +description = "keyword to specify that record corresponds to immobile sorbate concentration." + +[options.sorbate_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.sorbate_filerecord.sorbatefile] +block = "options" +name = "sorbatefile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write immobile sorbate concentration information. Immobile sorbate concentrations will be written whenever aqueous immobile concentrations are saved, as determined by settings in the Output Control option." + +[griddata.porosity] +name = "porosity" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "porosity of the immobile domain specified as the immobile domain pore volume per immobile domain volume." + +[griddata.volfrac] +name = "volfrac" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "fraction of the cell volume that consists of this immobile domain. the sum of all immobile domain volume fractions must be less than one." + +[griddata.zetaim] +name = "zetaim" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "mass transfer rate coefficient between the mobile and immobile domains, in dimensions of per time." + +[griddata.cim] +name = "cim" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "initial concentration of the immobile domain in mass per length cubed. if cim is not specified, then it is assumed to be zero." + +[griddata.decay] +name = "decay" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the rate coefficient for first or zero-order decay for the aqueous phase of the immobile domain. a negative value indicates solute production. the dimensions of decay for first-order decay is one over time. the dimensions of decay for zero-order decay is mass per length cubed per time. decay will have no effect on simulation results unless either first- or zero-order decay is specified in the options block." + +[griddata.decay_sorbed] +name = "decay_sorbed" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the rate coefficient for first or zero-order decay for the sorbed phase of the immobile domain. a negative value indicates solute production. the dimensions of decay_sorbed for first-order decay is one over time. the dimensions of decay_sorbed for zero-order decay is mass of solute per mass of aquifer per time. if decay_sorbed is not specified and both decay and sorption are active, then the program will terminate with an error. decay_sorbed will have no effect on simulation results unless the sorption keyword and either first- or zero-order decay are specified in the options block." + +[griddata.bulk_density] +name = "bulk_density" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the bulk density of this immobile domain in mass per length cubed. bulk density is defined as the immobile domain solid mass per volume of the immobile domain. bulk_density is not required unless the sorption keyword is specified in the options block. if the sorption keyword is not specified in the options block, bulk_density will have no effect on simulation results." + +[griddata.distcoef] +name = "distcoef" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the distribution coefficient for the equilibrium-controlled linear sorption isotherm in dimensions of length cubed per mass. distcoef is not required unless the sorption keyword is specified in the options block. if the sorption keyword is not specified in the options block, distcoef will have no effect on simulation results." + +[griddata.sp2] +name = "sp2" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the exponent for the freundlich isotherm and the sorption capacity for the langmuir isotherm. sp2 is not required unless the sorption keyword is specified in the options block and sorption is specified as freundlich or langmuir. if the sorption keyword is not specified in the options block, or if sorption is specified as linear, sp2 will have no effect on simulation results." diff --git a/spec/toml/gwt-lkt.toml b/spec/toml/gwt-lkt.toml new file mode 100644 index 0000000..93167b0 --- /dev/null +++ b/spec/toml/gwt-lkt.toml @@ -0,0 +1,342 @@ +name = "gwt-lkt" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwt name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable in the corresponding flow package. if specified, then the simulated concentrations from this advanced transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of lake cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake information will be written to the listing file immediately after it is read." + +[options.print_concentration] +name = "print_concentration" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake {#2} will be printed to the listing file for every stress period in which 'concentration print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that lake flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.concentration_filerecord] +name = "concentration_filerecord" +type = "record" +block = "options" + +[options.concentration_filerecord.concentration] +block = "period" +name = "concentration" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "lake concentration" +description = "real or character value that defines the concentration for the lake. The specified CONCENTRATION is only applied if the lake is a constant concentration lake. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.concentration_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.concentration_filerecord.concfile] +block = "options" +name = "concfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write concentration information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "lake number for this entry" +description = "integer value that defines the feature (lake) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NLAKES." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting lake concentration" +description = "real value that defines the starting concentration for the lake." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each lake. The values of auxiliary variables must be present for each lake. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "lake name" +description = "name of the lake cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.lakeperioddata] +name = "lakeperioddata" +type = "list" +block = "period" + +[period.lakeperioddata.lakeperioddata] +name = "lakeperioddata" +type = "record" +block = "period" + +[period.lakeperioddata.lakeperioddata.ifno] +name = "ifno" +type = "integer" +block = "period" +description = "integer value that defines the feature (lake) number associated with the specified period data on the line. ifno must be greater than zero and less than or equal to nlakes." + +[period.lakeperioddata.lakeperioddata.laksetting] +name = "laksetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the laksetting string include: status, concentration, rainfall, evaporation, runoff, ext-inflow, and auxiliary. these settings are used to assign the concentration of associated with the corresponding flow terms. concentrations cannot be specified for all flow terms. for example, the lake package supports a 'withdrawal' flow term. if this withdrawal term is active, then water will be withdrawn from the lake at the calculated concentration of the lake." + +[period.lakeperioddata.lakeperioddata.laksetting.concentration] +name = "concentration" +type = "string" +block = "period" +description = "real or character value that defines the concentration for the lake. the specified concentration is only applied if the lake is a constant concentration lake. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define lake status. status can be active, inactive, or constant. by default, status is active, which means that concentration will be calculated for the lake. if a lake is inactive, then there will be no solute mass fluxes into or out of the lake and the inactive value will be written for the lake concentration. if a lake is constant, then the concentration for the lake will be fixed at the user specified value." + +[period.lakeperioddata.lakeperioddata.laksetting.rainfall] +name = "rainfall" +type = "string" +block = "period" +description = "real or character value that defines the rainfall solute concentration $(ml^{-3})$ for the lake. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.evaporation] +name = "evaporation" +type = "string" +block = "period" +description = "real or character value that defines the concentration of evaporated water $(ml^{-3})$ for the lake. if this concentration value is larger than the simulated concentration in the lake, then the evaporated water will be removed at the same concentration as the lake. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.runoff] +name = "runoff" +type = "string" +block = "period" +description = "real or character value that defines the concentration of runoff $(ml^{-3})$ for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.ext-inflow] +name = "ext-inflow" +type = "string" +block = "period" +description = "real or character value that defines the concentration of external inflow $(ml^{-3})$ for the lake. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.lakeperioddata.lakeperioddata.laksetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwt-mst.toml b/spec/toml/gwt-mst.toml new file mode 100644 index 0000000..a8f7d4e --- /dev/null +++ b/spec/toml/gwt-mst.toml @@ -0,0 +1,107 @@ +name = "gwt-mst" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that mst flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.first_order_decay] +name = "first_order_decay" +type = "keyword" +block = "options" +description = "is a text keyword to indicate that first-order decay will occur. use of this keyword requires that decay and decay_sorbed (if sorption is active) are specified in the griddata block." + +[options.zero_order_decay] +name = "zero_order_decay" +type = "keyword" +block = "options" +description = "is a text keyword to indicate that zero-order decay will occur. use of this keyword requires that decay and decay_sorbed (if sorption is active) are specified in the griddata block." + +[options.sorption] +name = "sorption" +type = "string" +block = "options" +description = "is a text keyword to indicate that sorption will be activated. valid sorption options include linear, freundlich, and langmuir. use of this keyword requires that bulk_density and distcoef are specified in the griddata block. if sorption is specified as freundlich or langmuir then sp2 is also required in the griddata block." + +[options.sorbate_filerecord] +name = "sorbate_filerecord" +type = "record" +block = "options" + +[options.sorbate_filerecord.sorbate] +block = "options" +name = "sorbate" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "sorbate keyword" +description = "keyword to specify that record corresponds to sorbate concentration." + +[options.sorbate_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.sorbate_filerecord.sorbatefile] +block = "options" +name = "sorbatefile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write sorbate concentration information. Sorbate concentrations will be written whenever aqueous concentrations are saved, as determined by settings in the Output Control option." + +[griddata.porosity] +name = "porosity" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the mobile domain porosity, defined as the mobile domain pore volume per mobile domain volume. additional information on porosity within the context of mobile and immobile domain transport simulations is included in the modflow 6 supplemental technical information document." + +[griddata.decay] +name = "decay" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the rate coefficient for first or zero-order decay for the aqueous phase of the mobile domain. a negative value indicates solute production. the dimensions of decay for first-order decay is one over time. the dimensions of decay for zero-order decay is mass per length cubed per time. decay will have no effect on simulation results unless either first- or zero-order decay is specified in the options block." + +[griddata.decay_sorbed] +name = "decay_sorbed" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the rate coefficient for first or zero-order decay for the sorbed phase of the mobile domain. a negative value indicates solute production. the dimensions of decay_sorbed for first-order decay is one over time. the dimensions of decay_sorbed for zero-order decay is mass of solute per mass of aquifer per time. if decay_sorbed is not specified and both decay and sorption are active, then the program will terminate with an error. decay_sorbed will have no effect on simulation results unless the sorption keyword and either first- or zero-order decay are specified in the options block." + +[griddata.bulk_density] +name = "bulk_density" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the bulk density of the aquifer in mass per length cubed. bulk_density is not required unless the sorption keyword is specified. bulk density is defined as the mobile domain solid mass per mobile domain volume. additional information on bulk density is included in the modflow 6 supplemental technical information document." + +[griddata.distcoef] +name = "distcoef" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the distribution coefficient for the equilibrium-controlled linear sorption isotherm in dimensions of length cubed per mass. if the freunchlich isotherm is specified, then discoef is the freundlich constant. if the langmuir isotherm is specified, then distcoef is the langmuir constant. distcoef is not required unless the sorption keyword is specified." + +[griddata.sp2] +name = "sp2" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the exponent for the freundlich isotherm and the sorption capacity for the langmuir isotherm. sp2 is not required unless the sorption keyword is specified in the options block. if the sorption keyword is not specified in the options block, sp2 will have no effect on simulation results." diff --git a/spec/toml/gwt-mvt.toml b/spec/toml/gwt-mvt.toml new file mode 100644 index 0000000..50ba305 --- /dev/null +++ b/spec/toml/gwt-mvt.toml @@ -0,0 +1,105 @@ +name = "gwt-mvt" +multi = false + +[subpackage] +parent = "parent_model_or_package" +key = "mvt_filerecord" +val = "perioddata" +abbr = "mvt" +param = "perioddata" + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of mover information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of lake flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that lake flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." diff --git a/spec/toml/gwt-mwt.toml b/spec/toml/gwt-mwt.toml new file mode 100644 index 0000000..269538b --- /dev/null +++ b/spec/toml/gwt-mwt.toml @@ -0,0 +1,324 @@ +name = "gwt-mwt" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwt name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable in the corresponding flow package. if specified, then the simulated concentrations from this advanced transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of well cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well information will be written to the listing file immediately after it is read." + +[options.print_concentration] +name = "print_concentration" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well {#2} will be printed to the listing file for every stress period in which 'concentration print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of well flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that well flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.concentration_filerecord] +name = "concentration_filerecord" +type = "record" +block = "options" + +[options.concentration_filerecord.concentration] +block = "period" +name = "concentration" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "well concentration" +description = "real or character value that defines the concentration for the well. The specified CONCENTRATION is only applied if the well is a constant concentration well. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.concentration_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.concentration_filerecord.concfile] +block = "options" +name = "concfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write concentration information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "well number for this entry" +description = "integer value that defines the feature (well) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NMAWWELLS." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting well concentration" +description = "real value that defines the starting concentration for the well." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each well. The values of auxiliary variables must be present for each well. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the well cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.mwtperioddata] +name = "mwtperioddata" +type = "list" +block = "period" + +[period.mwtperioddata.mwtperioddata] +name = "mwtperioddata" +type = "record" +block = "period" + +[period.mwtperioddata.mwtperioddata.ifno] +name = "ifno" +type = "integer" +block = "period" +description = "integer value that defines the feature (well) number associated with the specified period data on the line. ifno must be greater than zero and less than or equal to nmawwells." + +[period.mwtperioddata.mwtperioddata.mwtsetting] +name = "mwtsetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the mwtsetting string include: status, concentration, rate, and auxiliary. these settings are used to assign the concentration associated with the corresponding flow terms. concentrations cannot be specified for all flow terms. for example, the multi-aquifer well package supports a 'withdrawal' flow term. if this withdrawal term is active, then water will be withdrawn from the well at the calculated concentration of the well." + +[period.mwtperioddata.mwtperioddata.mwtsetting.concentration] +name = "concentration" +type = "string" +block = "period" +description = "real or character value that defines the concentration for the well. the specified concentration is only applied if the well is a constant concentration well. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.mwtperioddata.mwtperioddata.mwtsetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define well status. status can be active, inactive, or constant. by default, status is active, which means that concentration will be calculated for the well. if a well is inactive, then there will be no solute mass fluxes into or out of the well and the inactive value will be written for the well concentration. if a well is constant, then the concentration for the well will be fixed at the user specified value." + +[period.mwtperioddata.mwtperioddata.mwtsetting.rate] +name = "rate" +type = "string" +block = "period" +description = "real or character value that defines the injection solute concentration $(ml^{-3})$ for the well. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.mwtperioddata.mwtperioddata.mwtsetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.mwtperioddata.mwtperioddata.mwtsetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.mwtperioddata.mwtperioddata.mwtsetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.mwtperioddata.mwtperioddata.mwtsetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwt-nam.toml b/spec/toml/gwt-nam.toml new file mode 100644 index 0000000..3cd4e4d --- /dev/null +++ b/spec/toml/gwt-nam.toml @@ -0,0 +1,115 @@ +name = "gwt-nam" +multi = false + +[options.list] +name = "list" +type = "string" +block = "options" +description = "is name of the listing file to create for this gwt model. if not specified, then the name of the list file will be the basename of the gwt model name file and the '.lst' extension. for example, if the gwt name file is called 'my.model.nam' then the list file will be called 'my.model.lst'." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model stress package information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model package flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that all model package flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.export_netcdf] +name = "export_netcdf" +type = "string" +block = "options" +description = "keyword that specifies timeseries data for the dependent variable should be written to a model output netcdf file. no value or 'ugrid' (ugrid based export) values are supported." + +[options.nc_filerecord] +name = "nc_filerecord" +type = "record" +block = "options" +description = "netcdf config filerecord" + +[options.nc_filerecord.netcdf] +block = "options" +name = "netcdf" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "netcdf keyword" +description = "keyword to specify that record corresponds to a netcdf input file." + +[options.nc_filerecord.filein] +block = "options" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[options.nc_filerecord.netcdf_filename] +block = "options" +name = "netcdf_filename" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +optional = "false" +tagged = "false" +longname = "netcdf input filename" +description = "defines a netcdf input file." +mf6internal = "netcdf_fname" + +[packages.packages] +name = "packages" +type = "list" +block = "packages" + +[packages.packages.packages] +name = "packages" +type = "record" +block = "packages" + +[packages.packages.packages.ftype] +block = "packages" +name = "ftype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package type" +description = "is the file type, which must be one of the following character values shown in table~ref{table:ftype-gwt}. Ftype may be entered in any combination of uppercase and lowercase." + +[packages.packages.packages.fname] +block = "packages" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run." + +[packages.packages.packages.pname] +block = "packages" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +optional = "true" +longname = "user name for package" +description = "is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single GWT Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters." diff --git a/spec/toml/gwt-oc.toml b/spec/toml/gwt-oc.toml new file mode 100644 index 0000000..5722bbd --- /dev/null +++ b/spec/toml/gwt-oc.toml @@ -0,0 +1,218 @@ +name = "gwt-oc" +multi = false + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.concentration_filerecord] +name = "concentration_filerecord" +type = "record" +block = "options" + +[options.concentration_filerecord.concentration] +block = "options" +name = "concentration" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "concentration keyword" +description = "keyword to specify that record corresponds to concentration." + +[options.concentration_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.concentration_filerecord.concentrationfile] +block = "options" +name = "concentrationfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write conc information." + +[options.concentrationprintrecord] +name = "concentrationprintrecord" +type = "record" +block = "options" + +[options.concentrationprintrecord.concentration] +block = "options" +name = "concentration" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "concentration keyword" +description = "keyword to specify that record corresponds to concentration." + +[options.concentrationprintrecord.print_format] +block = "options" +name = "print_format" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to indicate that a print format follows" +description = "keyword to specify format for printing to the listing file." + +[period.saverecord] +name = "saverecord" +type = "record" +block = "period" + +[period.saverecord.save] +block = "period" +name = "save" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be saved this stress period." + +[period.saverecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET or CONCENTRATION." + +[period.saverecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." + +[period.printrecord] +name = "printrecord" +type = "record" +block = "period" + +[period.printrecord.print] +block = "period" +name = "print" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be printed this stress period." + +[period.printrecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET or CONCENTRATION." + +[period.printrecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." diff --git a/spec/toml/gwt-sft.toml b/spec/toml/gwt-sft.toml new file mode 100644 index 0000000..3752e95 --- /dev/null +++ b/spec/toml/gwt-sft.toml @@ -0,0 +1,342 @@ +name = "gwt-sft" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwt name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable in the corresponding flow package. if specified, then the simulated concentrations from this advanced transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of reach cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of reach information will be written to the listing file immediately after it is read." + +[options.print_concentration] +name = "print_concentration" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of reach {#2} will be printed to the listing file for every stress period in which 'concentration print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of reach flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that reach flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.concentration_filerecord] +name = "concentration_filerecord" +type = "record" +block = "options" + +[options.concentration_filerecord.concentration] +block = "period" +name = "concentration" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "reach concentration" +description = "real or character value that defines the concentration for the reach. The specified CONCENTRATION is only applied if the reach is a constant concentration reach. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.concentration_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.concentration_filerecord.concfile] +block = "options" +name = "concfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write concentration information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the feature (reach) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NREACHES." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting reach concentration" +description = "real value that defines the starting concentration for the reach." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each reach. The values of auxiliary variables must be present for each reach. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the reach cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.reachperioddata] +name = "reachperioddata" +type = "list" +block = "period" + +[period.reachperioddata.reachperioddata] +name = "reachperioddata" +type = "record" +block = "period" + +[period.reachperioddata.reachperioddata.ifno] +name = "ifno" +type = "integer" +block = "period" +description = "integer value that defines the feature (reach) number associated with the specified period data on the line. ifno must be greater than zero and less than or equal to nreaches." + +[period.reachperioddata.reachperioddata.reachsetting] +name = "reachsetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the reachsetting string include: status, concentration, rainfall, evaporation, runoff, and auxiliary. these settings are used to assign the concentration of associated with the corresponding flow terms. concentrations cannot be specified for all flow terms. for example, the streamflow package supports a 'diversion' flow term. diversion water will be routed using the calculated concentration of the reach." + +[period.reachperioddata.reachperioddata.reachsetting.concentration] +name = "concentration" +type = "string" +block = "period" +description = "real or character value that defines the concentration for the reach. the specified concentration is only applied if the reach is a constant concentration reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define reach status. status can be active, inactive, or constant. by default, status is active, which means that concentration will be calculated for the reach. if a reach is inactive, then there will be no solute mass fluxes into or out of the reach and the inactive value will be written for the reach concentration. if a reach is constant, then the concentration for the reach will be fixed at the user specified value." + +[period.reachperioddata.reachperioddata.reachsetting.rainfall] +name = "rainfall" +type = "string" +block = "period" +description = "real or character value that defines the rainfall solute concentration $(ml^{-3})$ for the reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.evaporation] +name = "evaporation" +type = "string" +block = "period" +description = "real or character value that defines the concentration of evaporated water $(ml^{-3})$ for the reach. if this concentration value is larger than the simulated concentration in the reach, then the evaporated water will be removed at the same concentration as the reach. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.runoff] +name = "runoff" +type = "string" +block = "period" +description = "real or character value that defines the concentration of runoff $(ml^{-3})$ for the reach. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.inflow] +name = "inflow" +type = "string" +block = "period" +description = "real or character value that defines the concentration of inflow $(ml^{-3})$ for the reach. value must be greater than or equal to zero. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.reachperioddata.reachperioddata.reachsetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/gwt-src.toml b/spec/toml/gwt-src.toml new file mode 100644 index 0000000..c4d00dc --- /dev/null +++ b/spec/toml/gwt-src.toml @@ -0,0 +1,129 @@ +name = "gwt-src" +multi = false + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of mass loading rate." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of mass source cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of mass source information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of mass source flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that mass source flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of sources cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.smassrate] +block = "period" +name = "smassrate" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "mass source loading rate" +description = "is the mass source loading rate. A positive value indicates addition of solute mass and a negative value indicates removal of solute mass. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each mass source. The values of auxiliary variables must be present for each mass source. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "well name" +description = "name of the mass source cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/gwt-ssm.toml b/spec/toml/gwt-ssm.toml new file mode 100644 index 0000000..93c0f6c --- /dev/null +++ b/spec/toml/gwt-ssm.toml @@ -0,0 +1,121 @@ +name = "gwt-ssm" +multi = false + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of ssm flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that ssm flow terms will be written to the file specified with 'budget fileout' in output control." + +[sources.sources] +name = "sources" +type = "list" +block = "sources" + +[sources.sources.sources] +name = "sources" +type = "record" +block = "sources" + +[sources.sources.sources.pname] +block = "fileinput" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package name" +description = "name of the flow package for which an SPC6 input file contains a source concentration. If this flow package is represented using an advanced transport package (SFT, LKT, MWT, or UZT), then the advanced transport package will override SSM terms specified here." + +[sources.sources.sources.srctype] +block = "sources" +name = "srctype" +in_record = "true" +type = "string" +tagged = "false" +optional = "false" +reader = "urword" +longname = "source type" +description = "keyword indicating how concentration will be assigned for sources and sinks. Keyword must be specified as either AUX or AUXMIXED. For both options the user must provide an auxiliary variable in the corresponding flow package. The auxiliary variable must have the same name as the AUXNAME value that follows. If the AUX keyword is specified, then the auxiliary variable specified by the user will be assigned as the concentration value for groundwater sources (flows with a positive sign). For negative flow rates (sinks), groundwater will be withdrawn from the cell at the simulated concentration of the cell. The AUXMIXED option provides an alternative method for how to determine the concentration of sinks. If the cell concentration is larger than the user-specified auxiliary concentration, then the concentration of groundwater withdrawn from the cell will be assigned as the user-specified concentration. Alternatively, if the user-specified auxiliary concentration is larger than the cell concentration, then groundwater will be withdrawn at the cell concentration. Thus, the AUXMIXED option is designed to work with the Evapotranspiration (EVT) and Recharge (RCH) Packages where water may be withdrawn at a concentration that is less than the cell concentration." + +[sources.sources.sources.auxname] +block = "sources" +name = "auxname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +optional = "false" +longname = "auxiliary variable name" +description = "name of the auxiliary variable in the package PNAME. This auxiliary variable must exist and be specified by the user in that package. The values in this auxiliary variable will be used to set the concentration associated with the flows for that boundary package." + +[fileinput.fileinput] +name = "fileinput" +type = "list" +block = "fileinput" + +[fileinput.fileinput.fileinput] +name = "fileinput" +type = "record" +block = "fileinput" + +[fileinput.fileinput.fileinput.pname] +block = "fileinput" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package name" +description = "name of the flow package for which an SPC6 input file contains a source concentration. If this flow package is represented using an advanced transport package (SFT, LKT, MWT, or UZT), then the advanced transport package will override SSM terms specified here." + +[fileinput.fileinput.fileinput.spc6] +block = "fileinput" +name = "spc6" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "head keyword" +description = "keyword to specify that record corresponds to a source sink mixing input file." + +[fileinput.fileinput.fileinput.filein] +block = "fileinput" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[fileinput.fileinput.fileinput.spc6_filename] +block = "fileinput" +name = "spc6_filename" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +optional = "false" +tagged = "false" +longname = "spc file name" +description = "character string that defines the path and filename for the file containing source and sink input data for the flow package. The SPC6_FILENAME file is a flexible input file that allows concentrations to be specified by stress period and with time series. Instructions for creating the SPC6_FILENAME input file are provided in the next section on file input for boundary concentrations." + +[fileinput.fileinput.fileinput.mixed] +block = "fileinput" +name = "mixed" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "true" +longname = "mixed keyword" +description = "keyword to specify that these stress package boundaries will have the mixed condition. The MIXED condition is described in the SOURCES block for AUXMIXED. The MIXED condition allows for water to be withdrawn at a concentration that is less than the cell concentration. It is intended primarily for representing evapotranspiration." diff --git a/spec/toml/gwt-uzt.toml b/spec/toml/gwt-uzt.toml new file mode 100644 index 0000000..f531d90 --- /dev/null +++ b/spec/toml/gwt-uzt.toml @@ -0,0 +1,330 @@ +name = "gwt-uzt" +multi = true + +[options.flow_package_name] +name = "flow_package_name" +type = "string" +block = "options" +description = "keyword to specify the name of the corresponding flow package. if not specified, then the corresponding flow package must have the same name as this advanced transport package (the name associated with this package in the gwt name file)." + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.flow_package_auxiliary_name] +name = "flow_package_auxiliary_name" +type = "string" +block = "options" +description = "keyword to specify the name of an auxiliary variable in the corresponding flow package. if specified, then the simulated concentrations from this advanced transport package will be copied into the auxiliary variable specified with this name. note that the flow package must have an auxiliary variable with this name or the program will terminate with an error. if the flows for this advanced transport package are read from a file, then this option will have no effect." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of unsaturated zone flow cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of unsaturated zone flow information will be written to the listing file immediately after it is read." + +[options.print_concentration] +name = "print_concentration" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of uzf cell {#2} will be printed to the listing file for every stress period in which 'concentration print' is specified in output control. if there is no output control option and print_{#3} is specified, then {#2} are printed for the last time step of each stress period." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of unsaturated zone flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that unsaturated zone flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.concentration_filerecord] +name = "concentration_filerecord" +type = "record" +block = "options" + +[options.concentration_filerecord.concentration] +block = "period" +name = "concentration" +type = "string" +tagged = "true" +in_record = "true" +time_series = "true" +reader = "urword" +longname = "unsaturated zone flow cell concentration" +description = "real or character value that defines the concentration for the unsaturated zone flow cell. The specified CONCENTRATION is only applied if the unsaturated zone flow cell is a constant concentration cell. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[options.concentration_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.concentration_filerecord.concfile] +block = "options" +name = "concfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write concentration information." + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(maxbound)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.ifno] +block = "period" +name = "ifno" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "unsaturated zone flow cell number for this entry" +description = "integer value that defines the feature (UZF object) number associated with the specified PERIOD data on the line. IFNO must be greater than zero and less than or equal to NUZFCELLS." +numeric_index = "true" + +[packagedata.packagedata.packagedata.strt] +block = "packagedata" +name = "strt" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "starting UZF cell concentration" +description = "real value that defines the starting concentration for the unsaturated zone flow cell." + +[packagedata.packagedata.packagedata.aux] +block = "packagedata" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +time_series = "true" +optional = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each unsaturated zone flow. The values of auxiliary variables must be present for each unsaturated zone flow. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "UZF cell name" +description = "name of the unsaturated zone flow cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." + +[period.uztperioddata] +name = "uztperioddata" +type = "list" +block = "period" + +[period.uztperioddata.uztperioddata] +name = "uztperioddata" +type = "record" +block = "period" + +[period.uztperioddata.uztperioddata.ifno] +name = "ifno" +type = "integer" +block = "period" +description = "integer value that defines the feature (uzf object) number associated with the specified period data on the line. ifno must be greater than zero and less than or equal to nuzfcells." + +[period.uztperioddata.uztperioddata.uztsetting] +name = "uztsetting" +type = "union" +block = "period" +description = "line of information that is parsed into a keyword and values. keyword values that can be used to start the uztsetting string include: status, concentration, infiltration, uzet, and auxiliary. these settings are used to assign the concentration of associated with the corresponding flow terms. concentrations cannot be specified for all flow terms." + +[period.uztperioddata.uztperioddata.uztsetting.concentration] +name = "concentration" +type = "string" +block = "period" +description = "real or character value that defines the concentration for the unsaturated zone flow cell. the specified concentration is only applied if the unsaturated zone flow cell is a constant concentration cell. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.uztperioddata.uztperioddata.uztsetting.status] +name = "status" +type = "string" +block = "period" +description = "keyword option to define uzf cell status. status can be active, inactive, or constant. by default, status is active, which means that concentration will be calculated for the uzf cell. if a uzf cell is inactive, then there will be no solute mass fluxes into or out of the uzf cell and the inactive value will be written for the uzf cell concentration. if a uzf cell is constant, then the concentration for the uzf cell will be fixed at the user specified value." + +[period.uztperioddata.uztperioddata.uztsetting.infiltration] +name = "infiltration" +type = "string" +block = "period" +description = "real or character value that defines the infiltration solute concentration $(ml^{-3})$ for the uzf cell. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.uztperioddata.uztperioddata.uztsetting.uzet] +name = "uzet" +type = "string" +block = "period" +description = "real or character value that defines the concentration of unsaturated zone evapotranspiration water $(ml^{-3})$ for the uzf cell. if this concentration value is larger than the simulated concentration in the uzf cell, then the unsaturated zone et water will be removed at the same concentration as the uzf cell. if the options block includes a timeseriesfile entry (see the 'time-variable input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.uztperioddata.uztperioddata.uztsetting.auxiliaryrecord] +name = "auxiliaryrecord" +type = "record" +block = "period" + +[period.uztperioddata.uztperioddata.uztsetting.auxiliaryrecord.auxiliary] +block = "period" +name = "auxiliary" +type = "keyword" +in_record = "true" +reader = "urword" +description = "keyword for specifying auxiliary variable." + +[period.uztperioddata.uztperioddata.uztsetting.auxiliaryrecord.auxname] +block = "period" +name = "auxname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +description = "name for the auxiliary variable to be assigned AUXVAL. AUXNAME must match one of the auxiliary variable names defined in the OPTIONS block. If AUXNAME does not match one of the auxiliary variable names defined in the OPTIONS block the data are ignored." + +[period.uztperioddata.uztperioddata.uztsetting.auxiliaryrecord.auxval] +block = "period" +name = "auxval" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "auxiliary variable value" +description = "value for the auxiliary variable. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." diff --git a/spec/toml/olf-cdb.toml b/spec/toml/olf-cdb.toml new file mode 100644 index 0000000..78bdf9e --- /dev/null +++ b/spec/toml/olf-cdb.toml @@ -0,0 +1,122 @@ +name = "olf-cdb" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of critical depth boundary cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of critical depth boundary information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of critical depth boundary flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that critical depth boundary flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of critical depth boundary cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.idcxs] +block = "period" +name = "idcxs" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "false" +longname = "cross section identifier" +description = "is the identifier for the cross section specified in the CXS Package. A value of zero indicates the zero-depth-gradient calculation will use parameters for a hydraulically wide channel." +numeric_index = "true" + +[period.stress_period_data.stress_period_data.width] +block = "period" +name = "width" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "width of the zero-depth gradient boundary" +description = "is the channel width of the zero-depth gradient boundary. If a cross section is associated with this boundary, the width will be scaled by the cross section information. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each zero-depth-gradient boundary. The values of auxiliary variables must be present for each zero-depth-gradient boundary. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "zero-depth-gradient boundary name" +description = "name of the zero-depth-gradient boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/olf-chd.toml b/spec/toml/olf-chd.toml new file mode 100644 index 0000000..0624116 --- /dev/null +++ b/spec/toml/olf-chd.toml @@ -0,0 +1,129 @@ +name = "olf-chd" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of chd head value." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of constant-head cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant-head information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of constant-head flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that constant-head flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of constant-head cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.head] +block = "period" +name = "head" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "head value assigned to constant head" +description = "is the head at the boundary. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each constant head. The values of auxiliary variables must be present for each constant head. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "constant head boundary name" +description = "name of the constant head boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/olf-cxs.toml b/spec/toml/olf-cxs.toml new file mode 100644 index 0000000..b9f52ad --- /dev/null +++ b/spec/toml/olf-cxs.toml @@ -0,0 +1,94 @@ +name = "olf-cxs" +multi = false + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of stream reach information will be written to the listing file immediately after it is read." + +[dimensions.nsections] +name = "nsections" +type = "integer" +block = "dimensions" +description = "integer value specifying the number of cross sections that will be defined. there must be nsections entries in the packagedata block." + +[dimensions.npoints] +name = "npoints" +type = "integer" +block = "dimensions" +description = "integer value specifying the total number of cross-section points defined for all reaches. there must be npoints entries in the crosssectiondata block." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(nsections)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.idcxs] +block = "packagedata" +name = "idcxs" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "reach number for this entry" +description = "integer value that defines the cross section number associated with the specified PACKAGEDATA data on the line. IDCXS must be greater than zero and less than or equal to NSECTIONS. Information must be specified for every section or the program will terminate with an error. The program will also terminate with an error if information for a section is specified more than once." +numeric_index = "true" + +[packagedata.packagedata.packagedata.nxspoints] +block = "packagedata" +name = "nxspoints" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "number of points used to define cross section" +description = "integer value that defines the number of points used to define the define the shape of a section. NXSPOINTS must be greater than zero or the program will terminate with an error. NXSPOINTS defines the number of points that must be entered for the reach in the CROSSSECTIONDATA block. The sum of NXSPOINTS for all sections must equal the NPOINTS dimension." + +[crosssectiondata.crosssectiondata] +name = "crosssectiondata" +type = "list" +shape = "(npoints)" +block = "crosssectiondata" + +[crosssectiondata.crosssectiondata.crosssectiondata] +name = "crosssectiondata" +type = "record" +block = "crosssectiondata" + +[crosssectiondata.crosssectiondata.crosssectiondata.xfraction] +block = "crosssectiondata" +name = "xfraction" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "fractional width" +description = "real value that defines the station (x) data for the cross-section as a fraction of the width (WIDTH) of the reach. XFRACTION must be greater than or equal to zero but can be greater than one. XFRACTION values can be used to decrease or increase the width of a reach from the specified reach width (WIDTH)." + +[crosssectiondata.crosssectiondata.crosssectiondata.height] +block = "crosssectiondata" +name = "height" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "depth" +description = "real value that is the height relative to the top of the lowest elevation of the streambed (ELEVATION) and corresponding to the station data on the same line. HEIGHT must be greater than or equal to zero and at least one cross-section height must be equal to zero." + +[crosssectiondata.crosssectiondata.crosssectiondata.manfraction] +block = "crosssectiondata" +name = "manfraction" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "false" +longname = "Manning's roughness coefficient" +description = "real value that defines the Manning's roughness coefficient data for the cross-section as a fraction of the Manning's roughness coefficient for the reach (MANNINGSN) and corresponding to the station data on the same line. MANFRACTION must be greater than zero. MANFRACTION is applied from the XFRACTION value on the same line to the XFRACTION value on the next line." diff --git a/spec/toml/olf-dfw.toml b/spec/toml/olf-dfw.toml new file mode 100644 index 0000000..22e511f --- /dev/null +++ b/spec/toml/olf-dfw.toml @@ -0,0 +1,77 @@ +name = "olf-dfw" +multi = false + +[options.central_in_space] +name = "central_in_space" +type = "keyword" +block = "options" +description = "keyword to indicate conductance should be calculated using central-in-space weighting instead of the default upstream weighting approach. this option should be used with caution as it does not work well unless all of the stream reaches are saturated. with this option, there is no way for water to flow into a dry reach from connected reaches." + +[options.length_conversion] +name = "length_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients from meters to model length units. length_conversion should be set to 3.28081, 1.0, and 100.0 when using length units (length_units) of feet, meters, or centimeters in the simulation, respectively. length_conversion does not need to be specified if length_units are meters." + +[options.time_conversion] +name = "time_conversion" +type = "double precision" +block = "options" +description = "real value that is used to convert user-specified manning's roughness coefficients from seconds to model time units. time_conversion should be set to 1.0, 60.0, 3,600.0, 86,400.0, and 31,557,600.0 when using time units (time_units) of seconds, minutes, hours, days, or years in the simulation, respectively. time_conversion does not need to be specified if time_units are seconds." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that budget flow terms will be written to the file specified with 'budget save file' in output control." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that calculated flows between cells will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period. this option can produce extremely large list files because all cell-by-cell flows are printed. it should only be used with the dfw package for models that have a small number of cells." + +[options.save_velocity] +name = "save_velocity" +type = "keyword" +block = "options" +description = "keyword to indicate that x, y, and z components of velocity will be calculated at cell centers and written to the budget file, which is specified with 'budget save file' in output control. if this option is activated, then additional information may be required in the discretization packages and the gwf exchange package (if gwf models are coupled). specifically, angldegx must be specified in the connectiondata block of the disu package; angldegx must also be specified for the gwf exchange as an auxiliary variable." + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[options.dev_swr_conductance] +name = "dev_swr_conductance" +type = "keyword" +block = "options" +description = "use the conductance formulation in the surface water routing (swr) process for modflow-2005." + +[griddata.manningsn] +name = "manningsn" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "mannings roughness coefficient" + +[griddata.idcxs] +name = "idcxs" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "integer value indication the cross section identifier in the cross section package that applies to the reach. if not provided then reach will be treated as hydraulically wide." diff --git a/spec/toml/olf-dis2d.toml b/spec/toml/olf-dis2d.toml new file mode 100644 index 0000000..86b88b4 --- /dev/null +++ b/spec/toml/olf-dis2d.toml @@ -0,0 +1,82 @@ +name = "olf-dis2d" +multi = false + +[options.length_units] +name = "length_units" +type = "string" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" +type = "keyword" +block = "options" +description = "keyword to deactivate writing of the binary grid file." + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[dimensions.nrow] +name = "nrow" +type = "integer" +block = "dimensions" +description = "is the number of rows in the model grid." +default = 2 + +[dimensions.ncol] +name = "ncol" +type = "integer" +block = "dimensions" +description = "is the number of columns in the model grid." +default = 2 + +[griddata.delr] +name = "delr" +type = "double precision" +shape = "(ncol)" +block = "griddata" +description = "is the column spacing in the row direction." +default = 1.0 + +[griddata.delc] +name = "delc" +type = "double precision" +shape = "(nrow)" +block = "griddata" +description = "is the row spacing in the column direction." +default = 1.0 + +[griddata.bottom] +name = "bottom" +type = "double precision" +shape = "(ncol, nrow)" +block = "griddata" +description = "is the bottom elevation for each cell." + +[griddata.idomain] +name = "idomain" +type = "integer" +shape = "(ncol, nrow)" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." diff --git a/spec/toml/olf-disv1d.toml b/spec/toml/olf-disv1d.toml new file mode 100644 index 0000000..350299c --- /dev/null +++ b/spec/toml/olf-disv1d.toml @@ -0,0 +1,181 @@ +name = "olf-disv1d" +multi = false + +[options.length_units] +name = "length_units" +type = "string" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" +type = "keyword" +block = "options" +description = "keyword to deactivate writing of the binary grid file." + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[dimensions.nodes] +name = "nodes" +type = "integer" +block = "dimensions" +description = "is the number of linear cells." + +[dimensions.nvert] +name = "nvert" +type = "integer" +block = "dimensions" +description = "is the total number of (x, y, z) vertex pairs used to characterize the model grid." + +[griddata.length] +name = "length" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "length for each one-dimensional cell" + +[griddata.width] +name = "width" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "real value that defines the width for each one-dimensional cell. width must be greater than zero. if the cross section (cxs) package is used, then the width value will be multiplied by the specified cross section x-fraction values." + +[griddata.bottom] +name = "bottom" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "bottom elevation for the one-dimensional cell." + +[griddata.idomain] +name = "idomain" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" + +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "vertex number" +description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." +numeric_index = "true" + +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "x-coordinate for vertex" +description = "is the x-coordinate for the vertex." + +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "y-coordinate for vertex" +description = "is the y-coordinate for the vertex." + +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(nodes)" +block = "cell2d" + +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cell2d number" +description = "is the cell2d number. Records in the cell2d block must be listed in consecutive order from the first to the last." +numeric_index = "true" + +[cell2d.cell2d.cell2d.fdc] +block = "cell2d" +name = "fdc" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "fractional distance to the cell center" +description = "is the fractional distance to the cell center. FDC is relative to the first vertex in the ICVERT array. In most cases FDC should be 0.5, which would place the center of the line segment that defines the cell. If the value of FDC is 1, the cell center would located at the last vertex. FDC values of 0 and 1 can be used to place the node at either end of the cell which can be useful for cells with boundary conditions." + +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "number of cell vertices" +description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." + +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" +type = "integer" +shape = "(ncvert)" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "number of cell vertices" +description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in the order that defines the line representing the cell. Cells that are connected must share vertices. The bottom elevation of the cell is calculated using the ZV of the first and last vertex point and FDC." +numeric_index = "true" diff --git a/spec/toml/olf-disv2d.toml b/spec/toml/olf-disv2d.toml new file mode 100644 index 0000000..f1a060e --- /dev/null +++ b/spec/toml/olf-disv2d.toml @@ -0,0 +1,178 @@ +name = "olf-disv2d" +multi = false + +[options.length_units] +name = "length_units" +type = "string" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." + +[options.nogrb] +name = "nogrb" +type = "keyword" +block = "options" +description = "keyword to deactivate writing of the binary grid file." + +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[dimensions.nodes] +name = "nodes" +type = "integer" +block = "dimensions" +description = "is the number of cells per layer. this is a constant value for the grid and it applies to all layers." + +[dimensions.nvert] +name = "nvert" +type = "integer" +block = "dimensions" +description = "is the total number of (x, y) vertex pairs used to characterize the horizontal configuration of the model grid." + +[griddata.bottom] +name = "bottom" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the bottom elevation for each cell." + +[griddata.idomain] +name = "idomain" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1 or greater, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" + +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "vertex number" +description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." +numeric_index = "true" + +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "x-coordinate for vertex" +description = "is the x-coordinate for the vertex." + +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "y-coordinate for vertex" +description = "is the y-coordinate for the vertex." + +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(nodes)" +block = "cell2d" + +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "cell2d number" +description = "is the CELL2D number. Records in the CELL2D block must be listed in consecutive order from the first to the last." +numeric_index = "true" + +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "x-coordinate for cell center" +description = "is the x-coordinate for the cell center." + +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "y-coordinate for cell center" +description = "is the y-coordinate for the cell center." + +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" +type = "integer" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "number of cell vertices" +description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." + +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" +type = "integer" +shape = "(ncvert)" +in_record = "true" +tagged = "false" +reader = "urword" +optional = "false" +longname = "array of vertex numbers" +description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order. Cells that are connected must share vertices." +numeric_index = "true" diff --git a/spec/toml/olf-flw.toml b/spec/toml/olf-flw.toml new file mode 100644 index 0000000..6bf491e --- /dev/null +++ b/spec/toml/olf-flw.toml @@ -0,0 +1,129 @@ +name = "olf-flw" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.auxmultname] +name = "auxmultname" +type = "string" +block = "options" +description = "name of auxiliary variable to be used as multiplier of flow rate." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of inflow cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of inflow information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of inflow flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that inflow flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of inflow cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.q] +block = "period" +name = "q" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "well rate" +description = "is the volumetric inflow rate. A positive value indicates inflow to the stream. Negative values are not allows. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each inflow. The values of auxiliary variables must be present for each inflow. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "inflow name" +description = "name of the inflow cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/olf-ic.toml b/spec/toml/olf-ic.toml new file mode 100644 index 0000000..e224936 --- /dev/null +++ b/spec/toml/olf-ic.toml @@ -0,0 +1,15 @@ +name = "olf-ic" +multi = false + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[griddata.strt] +name = "strt" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the initial (starting) stage---that is, stage at the beginning of the swf model simulation. strt must be specified for all swf model simulations. one value is read for every model reach." diff --git a/spec/toml/olf-nam.toml b/spec/toml/olf-nam.toml new file mode 100644 index 0000000..e5014af --- /dev/null +++ b/spec/toml/olf-nam.toml @@ -0,0 +1,93 @@ +name = "olf-nam" +multi = false + +[options.list] +name = "list" +type = "string" +block = "options" +description = "is name of the listing file to create for this swf model. if not specified, then the name of the list file will be the basename of the swf model name file and the '.lst' extension. for example, if the swf name file is called 'my.model.nam' then the list file will be called 'my.model.lst'." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model stress package information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model package flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that all model package flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.newtonoptions] +name = "newtonoptions" +type = "record" +block = "options" +description = "none" + +[options.newtonoptions.newton] +block = "options" +name = "newton" +in_record = "true" +type = "keyword" +reader = "urword" +longname = "keyword to activate Newton-Raphson formulation" +description = "keyword that activates the Newton-Raphson formulation for surface water flow between connected reaches and stress packages that support calculation of Newton-Raphson terms." + +[options.newtonoptions.under_relaxation] +block = "options" +name = "under_relaxation" +in_record = "true" +type = "keyword" +reader = "urword" +optional = "true" +longname = "keyword to activate Newton-Raphson UNDER_RELAXATION option" +description = "keyword that indicates whether the surface water stage in a reach will be under-relaxed when water levels fall below the bottom of the model below any given cell. By default, Newton-Raphson UNDER_RELAXATION is not applied." + +[packages.packages] +name = "packages" +type = "list" +block = "packages" + +[packages.packages.packages] +name = "packages" +type = "record" +block = "packages" + +[packages.packages.packages.ftype] +block = "packages" +name = "ftype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package type" +description = "is the file type, which must be one of the following character values shown in table~ref{table:ftype-swf}. Ftype may be entered in any combination of uppercase and lowercase." + +[packages.packages.packages.fname] +block = "packages" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run." + +[packages.packages.packages.pname] +block = "packages" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +optional = "true" +longname = "user name for package" +description = "is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single SWF Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters." diff --git a/spec/toml/olf-oc.toml b/spec/toml/olf-oc.toml new file mode 100644 index 0000000..28764c9 --- /dev/null +++ b/spec/toml/olf-oc.toml @@ -0,0 +1,257 @@ +name = "olf-oc" +multi = false + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.qoutflow_filerecord] +name = "qoutflow_filerecord" +type = "record" +block = "options" + +[options.qoutflow_filerecord.qoutflow] +block = "options" +name = "qoutflow" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "qoutflow keyword" +description = "keyword to specify that record corresponds to qoutflow." + +[options.qoutflow_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.qoutflow_filerecord.qoutflowfile] +block = "options" +name = "qoutflowfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write conc information." + +[options.stage_filerecord] +name = "stage_filerecord" +type = "record" +block = "options" + +[options.stage_filerecord.stage] +block = "options" +name = "stage" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "stage keyword" +description = "keyword to specify that record corresponds to stage." + +[options.stage_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.stage_filerecord.stagefile] +block = "options" +name = "stagefile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write stage information." + +[options.qoutflowprintrecord] +name = "qoutflowprintrecord" +type = "record" +block = "options" + +[options.qoutflowprintrecord.qoutflow] +block = "options" +name = "qoutflow" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "qoutflow keyword" +description = "keyword to specify that record corresponds to qoutflow." + +[options.qoutflowprintrecord.print_format] +block = "options" +name = "print_format" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to indicate that a print format follows" +description = "keyword to specify format for printing to the listing file." + +[period.saverecord] +name = "saverecord" +type = "record" +block = "period" + +[period.saverecord.save] +block = "period" +name = "save" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be saved this stress period." + +[period.saverecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET." + +[period.saverecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." + +[period.printrecord] +name = "printrecord" +type = "record" +block = "period" + +[period.printrecord.print] +block = "period" +name = "print" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be printed this stress period." + +[period.printrecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can be BUDGET." + +[period.printrecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." diff --git a/spec/toml/olf-sto.toml b/spec/toml/olf-sto.toml new file mode 100644 index 0000000..0e47ed4 --- /dev/null +++ b/spec/toml/olf-sto.toml @@ -0,0 +1,26 @@ +name = "olf-sto" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that cell-by-cell flow terms will be written to the file specified with 'budget save file' in output control." + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input grid arrays, which already support the layered keyword, should be written to layered ascii output files." + +[period.steady-state] +name = "steady-state" +type = "keyword" +block = "period" +description = "keyword to indicate that stress period iper is steady-state. steady-state conditions will apply until the transient keyword is specified in a subsequent begin period block." + +[period.transient] +name = "transient" +type = "keyword" +block = "period" +description = "keyword to indicate that stress period iper is transient. transient conditions will apply until the steady-state keyword is specified in a subsequent begin period block." diff --git a/spec/toml/olf-zdg.toml b/spec/toml/olf-zdg.toml new file mode 100644 index 0000000..3161e20 --- /dev/null +++ b/spec/toml/olf-zdg.toml @@ -0,0 +1,158 @@ +name = "olf-zdg" +multi = true + +[options.auxiliary] +name = "auxiliary" +type = "string" +shape = "(naux)" +block = "options" +description = "defines an array of one or more auxiliary variable names. there is no limit on the number of auxiliary variables that can be provided on this line; however, lists of information provided in subsequent blocks must have a column of data for each auxiliary variable name defined here. the number of auxiliary variables detected on this line determines the value for naux. comments cannot be provided anywhere on this line as they will be interpreted as auxiliary variable names. auxiliary variables may not be used by the package, but they will be available for use by other parts of the program. the program will terminate with an error if auxiliary variables are specified on more than one line in the options block." + +[options.boundnames] +name = "boundnames" +type = "keyword" +block = "options" +description = "keyword to indicate that boundary names may be provided with the list of zero-depth-gradient boundary cells." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of zero-depth-gradient boundary information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of zero-depth-gradient boundary flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that zero-depth-gradient boundary flow terms will be written to the file specified with 'budget fileout' in output control." + +[options.timeseries] +name = "timeseries" +type = "record" +block = "options" +description = "Contains data for the ts package. Data can be stored in a dictionary containing data for the ts package with variable names as keys and package data as values. Data just for the timeseries variable is also acceptable. See ts package documentation for more information" + +[options.timeseries.subpackage] +parent = "parent_package" +key = "ts_filerecord" +val = "timeseries" +abbr = "ts" +param = "timeseries" +description = "xxx" + +[options.observations] +name = "observations" +type = "record" +block = "options" +description = "Contains data for the obs package. Data can be stored in a dictionary containing data for the obs package with variable names as keys and package data as values. Data just for the observations variable is also acceptable. See obs package documentation for more information" + +[options.observations.subpackage] +parent = "parent_model_or_package" +key = "obs_filerecord" +val = "observations" +abbr = "obs" +param = "continuous" + +[dimensions.maxbound] +name = "maxbound" +type = "integer" +block = "dimensions" +description = "integer value specifying the maximum number of zero-depth-gradient boundary cells that will be specified for use during any stress period." + +[period.stress_period_data] +name = "stress_period_data" +type = "list" +shape = "(maxbound)" +block = "period" + +[period.stress_period_data.stress_period_data] +name = "stress_period_data" +type = "record" +block = "period" + +[period.stress_period_data.stress_period_data.cellid] +block = "period" +name = "cellid" +type = "integer" +shape = "(ncelldim)" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "cell identifier" +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[period.stress_period_data.stress_period_data.idcxs] +block = "period" +name = "idcxs" +type = "integer" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "false" +longname = "cross section identifier" +description = "is the identifier for the cross section specified in the CXS Package. A value of zero indicates the zero-depth-gradient calculation will use parameters for a hydraulically wide channel." +numeric_index = "true" + +[period.stress_period_data.stress_period_data.width] +block = "period" +name = "width" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "width of the zero-depth gradient boundary" +description = "is the channel width of the zero-depth gradient boundary. If a cross section is associated with this boundary, the width will be scaled by the cross section information. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.slope] +block = "period" +name = "slope" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "channel slope" +description = "is the channel slope used to calculate flow to the zero-depth-gradient boundary. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.rough] +block = "period" +name = "rough" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +time_series = "true" +longname = "channel roughness" +description = "is the Manning channel roughness value used to calculate flow to the zero-depth-gradient boundary. If a cross section is associated with this boundary, the roughness value will be multiplied by the roughness fraction for each part of the cross section. If the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." + +[period.stress_period_data.stress_period_data.aux] +block = "period" +name = "aux" +type = "double precision" +in_record = "true" +tagged = "false" +shape = "(naux)" +reader = "urword" +optional = "true" +time_series = "true" +longname = "auxiliary variables" +description = "represents the values of the auxiliary variables for each zero-depth-gradient boundary. The values of auxiliary variables must be present for each zero-depth-gradient boundary. The values must be specified in the order of the auxiliary variables specified in the OPTIONS block. If the package supports time series and the Options block includes a TIMESERIESFILE entry (see the 'Time-Variable Input' section), values can be obtained from a time series by entering the time-series name in place of a numeric value." +mf6internal = "auxvar" + +[period.stress_period_data.stress_period_data.boundname] +block = "period" +name = "boundname" +type = "string" +tagged = "false" +in_record = "true" +reader = "urword" +optional = "true" +longname = "zero-depth-gradient boundary name" +description = "name of the zero-depth-gradient boundary cell. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." diff --git a/spec/toml/prt-dis.toml b/spec/toml/prt-dis.toml index cc231e9..c01cf00 100644 --- a/spec/toml/prt-dis.toml +++ b/spec/toml/prt-dis.toml @@ -1,336 +1,116 @@ -component = "PRT" -subcomponent = "DIS" -blocknames = [ "options", "dimensions", "griddata",] -multipkg = false -stress = false -advanced = false +name = "prt-dis" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position of the model grid origin" -description = "x-position of the lower-left corner of the model grid. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position of the model grid origin" -description = "y-position of the lower-left corner of the model grid. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the lower-left corner of the model grid. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the lower-left corner of the model grid. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the lower-left corner of the model grid. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" - -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "1" -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" +default = 1 -[block.dimensions.nrow] +[dimensions.nrow] +name = "nrow" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of rows" +block = "dimensions" description = "is the number of rows in the model grid." -deprecated = "" +default = 2 -[block.dimensions.ncol] +[dimensions.ncol] +name = "ncol" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -default_value = "2" -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the number of columns in the model grid." -deprecated = "" +default = 2 -[block.griddata.delr] -type = "double" -block_variable = false -valid = [] +[griddata.delr] +name = "delr" +type = "double precision" shape = "(ncol)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a row" +block = "griddata" description = "is the column spacing in the row direction." -deprecated = "" +default = 1.0 -[block.griddata.delc] -type = "double" -block_variable = false -valid = [] +[griddata.delc] +name = "delc" +type = "double precision" shape = "(nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "spacing along a column" +block = "griddata" description = "is the row spacing in the column direction." -deprecated = "" +default = 1.0 -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncol, nrow)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "1.0" -numeric_index = false -longname = "cell top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" +default = 1.0 -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -default_value = "0." -numeric_index = false -longname = "cell bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncol, nrow, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." diff --git a/spec/toml/prt-disv.toml b/spec/toml/prt-disv.toml index f500561..e85726b 100644 --- a/spec/toml/prt-disv.toml +++ b/spec/toml/prt-disv.toml @@ -1,465 +1,210 @@ -component = "PRT" -subcomponent = "DISV" -blocknames = [ "options", "dimensions", "griddata", "vertices", "cell2d",] -multipkg = false -stress = false -advanced = false +name = "prt-disv" +multi = false -[block.options.length_units] +[options.length_units] +name = "length_units" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "model length units" -description = "is the length units used for this model. Values can be ``FEET'', ``METERS'', or ``CENTIMETERS''. If not specified, the default is ``UNKNOWN''." -deprecated = "" +block = "options" +description = "is the length units used for this model. values can be 'feet', 'meters', or 'centimeters'. if not specified, the default is 'unknown'." -[block.options.nogrb] +[options.nogrb] +name = "nogrb" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "do not write binary grid file" +block = "options" description = "keyword to deactivate writing of the binary grid file." -deprecated = "" -[block.options.xorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "x-position origin of the model grid coordinate system" -description = "x-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. A default value of zero is assigned if not specified. The value for XORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.yorigin] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "y-position origin of the model grid coordinate system" -description = "y-position of the origin used for model grid vertices. This value should be provided in a real-world coordinate system. If not specified, then a default value equal to zero is used. The value for YORIGIN does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.angrot] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "rotation angle" -description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. If not specified, then a default value of 0.0 is assigned. The value for ANGROT does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." -deprecated = "" - -[block.options.export_array_ascii] +[options.xorigin] +name = "xorigin" +type = "double precision" +block = "options" +description = "x-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. a default value of zero is assigned if not specified. the value for xorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.yorigin] +name = "yorigin" +type = "double precision" +block = "options" +description = "y-position of the origin used for model grid vertices. this value should be provided in a real-world coordinate system. if not specified, then a default value equal to zero is used. the value for yorigin does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.angrot] +name = "angrot" +type = "double precision" +block = "options" +description = "counter-clockwise rotation angle (in degrees) of the model grid coordinate system relative to a real-world coordinate system. if not specified, then a default value of 0.0 is assigned. the value for angrot does not affect the model simulation, but it is written to the binary grid file so that postprocessors can locate the grid in space." + +[options.export_array_ascii] +name = "export_array_ascii" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to layered ascii files." +block = "options" description = "keyword that specifies input griddata arrays should be written to layered ascii output files." -deprecated = "" -[block.options.export_array_netcdf] +[options.export_array_netcdf] +name = "export_array_netcdf" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "export array variables to netcdf output files." +block = "options" description = "keyword that specifies input griddata arrays should be written to the model output netcdf file." -deprecated = "" - -[block.options.ncf_filerecord] -type = "record ncf6 filein ncf6_filename" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.ncf6] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "ncf keyword" -description = "keyword to specify that record corresponds to a netcdf configuration (NCF) file." -deprecated = "" - -[block.options.filein] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "file keyword" -description = "keyword to specify that an input filename is expected next." -deprecated = "" -[block.options.ncf6_filename] -type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = true -numeric_index = false -longname = "file name of NCF information" -description = "defines a netcdf configuration (NCF) input file." -deprecated = "" - -[block.dimensions.nlay] +[options.packagedata] +name = "packagedata" +type = "record" +block = "options" +description = "Contains data for the ncf package. Data can be stored in a dictionary containing data for the ncf package with variable names as keys and package data as values. Data just for the packagedata variable is also acceptable. See ncf package documentation for more information" + +[options.packagedata.subpackage] +parent = "parent_package" +key = "ncf_filerecord" +val = "packagedata" +abbr = "ncf" +param = "packagedata" + +[dimensions.nlay] +name = "nlay" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of layers" +block = "dimensions" description = "is the number of layers in the model grid." -deprecated = "" -[block.dimensions.ncpl] +[dimensions.ncpl] +name = "ncpl" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of cells per layer" -description = "is the number of cells per layer. This is a constant value for the grid and it applies to all layers." -deprecated = "" +block = "dimensions" +description = "is the number of cells per layer. this is a constant value for the grid and it applies to all layers." -[block.dimensions.nvert] +[dimensions.nvert] +name = "nvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of columns" +block = "dimensions" description = "is the total number of (x, y) vertex pairs used to characterize the horizontal configuration of the model grid." -deprecated = "" -[block.griddata.top] -type = "double" -block_variable = false -valid = [] +[griddata.top] +name = "top" +type = "double precision" shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model top elevation" +block = "griddata" description = "is the top elevation for each cell in the top model layer." -deprecated = "" -[block.griddata.botm] -type = "double" -block_variable = false -valid = [] +[griddata.botm] +name = "botm" +type = "double precision" shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = false -preserve_case = false -numeric_index = false -longname = "model bottom elevation" +block = "griddata" description = "is the bottom elevation for each cell." -deprecated = "" -[block.griddata.idomain] +[griddata.idomain] +name = "idomain" type = "integer" -block_variable = false -valid = [] shape = "(ncpl, nlay)" -tagged = true -in_record = false -layered = true -time_series = false -reader = "readarray" -optional = true -preserve_case = false -numeric_index = false -longname = "idomain existence array" -description = "is an optional array that characterizes the existence status of a cell. If the IDOMAIN array is not specified, then all model cells exist within the solution. If the IDOMAIN value for a cell is 0, the cell does not exist in the simulation. Input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. If the IDOMAIN value for a cell is 1, the cell exists in the simulation. If the IDOMAIN value for a cell is -1, the cell does not exist in the simulation. Furthermore, the first existing cell above will be connected to the first existing cell below. This type of cell is referred to as a ``vertical pass through'' cell." -deprecated = "" +block = "griddata" +description = "is an optional array that characterizes the existence status of a cell. if the idomain array is not specified, then all model cells exist within the solution. if the idomain value for a cell is 0, the cell does not exist in the simulation. input and output values will be read and written for the cell, but internal to the program, the cell is excluded from the solution. if the idomain value for a cell is 1, the cell exists in the simulation. if the idomain value for a cell is -1, the cell does not exist in the simulation. furthermore, the first existing cell above will be connected to the first existing cell below. this type of cell is referred to as a 'vertical pass through' cell." + +[vertices.vertices] +name = "vertices" +type = "list" +shape = "(nvert)" +block = "vertices" -[block.vertices.iv] +[vertices.vertices.vertices] +name = "vertices" +type = "record" +block = "vertices" + +[vertices.vertices.vertices.iv] +block = "vertices" +name = "iv" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "vertex number" description = "is the vertex number. Records in the VERTICES block must be listed in consecutive order from 1 to NVERT." -deprecated = "" +numeric_index = "true" -[block.vertices.xv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.xv] +block = "vertices" +name = "xv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for vertex" description = "is the x-coordinate for the vertex." -deprecated = "" -[block.vertices.yv] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[vertices.vertices.vertices.yv] +block = "vertices" +name = "yv" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for vertex" description = "is the y-coordinate for the vertex." -deprecated = "" -[block.vertices.vertices] -type = "recarray iv xv yv" -block_variable = false -valid = [] -shape = "(nvert)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "vertices data" -description = "" -deprecated = "" +[cell2d.cell2d] +name = "cell2d" +type = "list" +shape = "(ncpl)" +block = "cell2d" -[block.cell2d.icell2d] +[cell2d.cell2d.cell2d] +name = "cell2d" +type = "record" +block = "cell2d" + +[cell2d.cell2d.cell2d.icell2d] +block = "cell2d" +name = "icell2d" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "cell2d number" description = "is the CELL2D number. Records in the CELL2D block must be listed in consecutive order from the first to the last." -deprecated = "" +numeric_index = "true" -[block.cell2d.xc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.xc] +block = "cell2d" +name = "xc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "x-coordinate for cell center" description = "is the x-coordinate for the cell center." -deprecated = "" -[block.cell2d.yc] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[cell2d.cell2d.cell2d.yc] +block = "cell2d" +name = "yc" +type = "double precision" +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "y-coordinate for cell center" description = "is the y-coordinate for the cell center." -deprecated = "" -[block.cell2d.ncvert] +[cell2d.cell2d.cell2d.ncvert] +block = "cell2d" +name = "ncvert" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +optional = "false" longname = "number of cell vertices" description = "is the number of vertices required to define the cell. There may be a different number of vertices for each cell." -deprecated = "" -[block.cell2d.icvert] +[cell2d.cell2d.cell2d.icvert] +block = "cell2d" +name = "icvert" type = "integer" -block_variable = false -valid = [] shape = "(ncvert)" -tagged = false -in_record = true -layered = false -time_series = false +in_record = "true" +tagged = "false" reader = "urword" -optional = false -preserve_case = false -numeric_index = true +optional = "false" longname = "array of vertex numbers" description = "is an array of integer values containing vertex numbers (in the VERTICES block) used to define the cell. Vertices must be listed in clockwise order. Cells that are connected must share vertices." -deprecated = "" - -[block.cell2d.cell2d] -type = "recarray icell2d xc yc ncvert icvert" -block_variable = false -valid = [] -shape = "(ncpl)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "cell2d data" -description = "" -deprecated = "" +numeric_index = "true" diff --git a/spec/toml/prt-fmi.toml b/spec/toml/prt-fmi.toml new file mode 100644 index 0000000..6574f04 --- /dev/null +++ b/spec/toml/prt-fmi.toml @@ -0,0 +1,50 @@ +name = "prt-fmi" +multi = false + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that fmi flow terms will be written to the file specified with 'budget fileout' in output control." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.flowtype] +block = "packagedata" +name = "flowtype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "flow type" +description = "is the word GWFBUDGET or GWFHEAD. If GWFBUDGET is specified, then the corresponding file must be a budget file from a previous GWF Model run." + +[packagedata.packagedata.packagedata.filein] +block = "packagedata" +name = "filein" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an input filename is expected next." + +[packagedata.packagedata.packagedata.fname] +block = "packagedata" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing flows. The path to the file should be included if the file is not located in the folder where the program was run." diff --git a/spec/toml/prt-mip.toml b/spec/toml/prt-mip.toml new file mode 100644 index 0000000..15d26be --- /dev/null +++ b/spec/toml/prt-mip.toml @@ -0,0 +1,29 @@ +name = "prt-mip" +multi = false + +[options.export_array_ascii] +name = "export_array_ascii" +type = "keyword" +block = "options" +description = "keyword that specifies input griddata arrays should be written to layered ascii output files." + +[griddata.porosity] +name = "porosity" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is the aquifer porosity." + +[griddata.retfactor] +name = "retfactor" +type = "double precision" +shape = "(nodes)" +block = "griddata" +description = "is a real value by which velocity is divided within a given cell. retfactor can be used to account for solute retardation, i.e., the apparent effect of linear sorption on the velocity of particles that track solute advection. retfactor may be assigned any real value. a retfactor value greater than 1 represents particle retardation (slowing), and a value of 1 represents no retardation. the effect of specifying a retfactor value for each cell is the same as the effect of directly multiplying the porosity in each cell by the proposed retfactor value for each cell. retfactor allows conceptual isolation of effects such as retardation from the effect of porosity. the default value is 1." + +[griddata.izone] +name = "izone" +type = "integer" +shape = "(nodes)" +block = "griddata" +description = "is an integer zone number assigned to each cell. izone may be positive, negative, or zero. the current cell's zone number is recorded with each particle track datum. if a prp package's istopzone option is set to any value other than zero, particles released by that prp package terminate if they enter a cell whose izone value matches istopzone. if istopzone is not specified or is set to zero in a prp package, izone has no effect on the termination of particles released by that prp package. each prp package may configure a single istopzone value." diff --git a/spec/toml/prt-nam.toml b/spec/toml/prt-nam.toml new file mode 100644 index 0000000..f5b0b93 --- /dev/null +++ b/spec/toml/prt-nam.toml @@ -0,0 +1,68 @@ +name = "prt-nam" +multi = false + +[options.list] +name = "list" +type = "string" +block = "options" +description = "is name of the listing file to create for this prt model. if not specified, then the name of the list file will be the basename of the prt model name file and the '.lst' extension. for example, if the prt name file is called 'my.model.nam' then the list file will be called 'my.model.lst'." + +[options.print_input] +name = "print_input" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model stress package information will be written to the listing file immediately after it is read." + +[options.print_flows] +name = "print_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that the list of all model package flow rates will be printed to the listing file for every stress period time step in which 'budget print' is specified in output control. if there is no output control option and 'print_flows' is specified, then flow rates are printed for the last time step of each stress period." + +[options.save_flows] +name = "save_flows" +type = "keyword" +block = "options" +description = "keyword to indicate that all model package flow terms will be written to the file specified with 'budget fileout' in output control." + +[packages.packages] +name = "packages" +type = "list" +block = "packages" + +[packages.packages.packages] +name = "packages" +type = "record" +block = "packages" + +[packages.packages.packages.ftype] +block = "packages" +name = "ftype" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +longname = "package type" +description = "is the file type, which must be one of the following character values shown in table~ref{table:ftype-prt}. Ftype may be entered in any combination of uppercase and lowercase." + +[packages.packages.packages.fname] +block = "packages" +name = "fname" +in_record = "true" +type = "string" +preserve_case = "true" +tagged = "false" +reader = "urword" +longname = "file name" +description = "is the name of the file containing the package input. The path to the file should be included if the file is not located in the folder where the program was run." + +[packages.packages.packages.pname] +block = "packages" +name = "pname" +in_record = "true" +type = "string" +tagged = "false" +reader = "urword" +optional = "true" +longname = "user name for package" +description = "is the user-defined name for the package. PNAME is restricted to 16 characters. No spaces are allowed in PNAME. PNAME character values are read and stored by the program for stress packages only. These names may be useful for labeling purposes when multiple stress packages of the same type are located within a single PRT Model. If PNAME is specified for a stress package, then PNAME will be used in the flow budget table in the listing file; it will also be used for the text entry in the cell-by-cell budget file. PNAME is case insensitive and is stored in all upper case letters." diff --git a/spec/toml/prt-oc.toml b/spec/toml/prt-oc.toml new file mode 100644 index 0000000..b24dcd7 --- /dev/null +++ b/spec/toml/prt-oc.toml @@ -0,0 +1,293 @@ +name = "prt-oc" +multi = false + +[options.budget_filerecord] +name = "budget_filerecord" +type = "record" +block = "options" + +[options.budget_filerecord.budget] +block = "options" +name = "budget" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget." + +[options.budget_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budget_filerecord.budgetfile] +block = "options" +name = "budgetfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the output file to write budget information." + +[options.budgetcsv_filerecord] +name = "budgetcsv_filerecord" +type = "record" +block = "options" + +[options.budgetcsv_filerecord.budgetcsv] +block = "options" +name = "budgetcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "budget keyword" +description = "keyword to specify that record corresponds to the budget CSV." + +[options.budgetcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.budgetcsv_filerecord.budgetcsvfile] +block = "options" +name = "budgetcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) output file to write budget summary information. A budget summary record will be written to this file for each time step of the simulation." + +[options.track_filerecord] +name = "track_filerecord" +type = "record" +block = "options" + +[options.track_filerecord.track] +block = "options" +name = "track" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "track keyword" +description = "keyword to specify that record corresponds to a binary track file. Each PRT Model's OC Package may have only one binary track output file." + +[options.track_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.track_filerecord.trackfile] +block = "options" +name = "trackfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the binary output file to write tracking information." + +[options.trackcsv_filerecord] +name = "trackcsv_filerecord" +type = "record" +block = "options" + +[options.trackcsv_filerecord.trackcsv] +block = "options" +name = "trackcsv" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "track keyword" +description = "keyword to specify that record corresponds to a CSV track file. Each PRT Model's OC Package may have only one CSV track file." + +[options.trackcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.trackcsv_filerecord.trackcsvfile] +block = "options" +name = "trackcsvfile" +type = "string" +preserve_case = "true" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "file keyword" +description = "name of the comma-separated value (CSV) file to write tracking information." + +[options.track_release] +name = "track_release" +type = "keyword" +block = "options" +description = "keyword to indicate that particle tracking output is to be written when a particle is released" + +[options.track_exit] +name = "track_exit" +type = "keyword" +block = "options" +description = "keyword to indicate that particle tracking output is to be written when a particle exits a feature (a model, cell, or subcell)" + +[options.track_timestep] +name = "track_timestep" +type = "keyword" +block = "options" +description = "keyword to indicate that particle tracking output is to be written at the end of each time step" + +[options.track_terminate] +name = "track_terminate" +type = "keyword" +block = "options" +description = "keyword to indicate that particle tracking output is to be written when a particle terminates for any reason" + +[options.track_weaksink] +name = "track_weaksink" +type = "keyword" +block = "options" +description = "keyword to indicate that particle tracking output is to be written when a particle exits a weak sink (a cell which removes some but not all inflow from adjacent cells)" + +[options.track_usertime] +name = "track_usertime" +type = "keyword" +block = "options" +description = "keyword to indicate that particle tracking output is to be written at user-specified times, provided as double precision values in the tracktimes block." + +[dimensions.ntracktimes] +name = "ntracktimes" +type = "integer" +block = "dimensions" +description = "is the number of user-specified particle tracking times in the tracktimes block." + +[tracktimes.tracktimes] +name = "tracktimes" +type = "list" +shape = "(ntracktimes)" +block = "tracktimes" + +[tracktimes.tracktimes.tracktimes] +name = "tracktimes" +type = "record" +block = "tracktimes" + +[tracktimes.tracktimes.tracktimes.time] +block = "tracktimes" +name = "time" +type = "double precision" +tagged = "false" +in_record = "true" +reader = "urword" +longname = "release time" +description = "real value that defines the tracking time with respect to the simulation start time." + +[period.saverecord] +name = "saverecord" +type = "record" +block = "period" + +[period.saverecord.save] +block = "period" +name = "save" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be saved this stress period." + +[period.saverecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can only be BUDGET." + +[period.saverecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." + +[period.printrecord] +name = "printrecord" +type = "record" +block = "period" + +[period.printrecord.print] +block = "period" +name = "print" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "keyword to save" +description = "keyword to indicate that information will be printed this stress period." + +[period.printrecord.rtype] +block = "period" +name = "rtype" +type = "string" +in_record = "true" +reader = "urword" +tagged = "false" +optional = "false" +longname = "record type" +description = "type of information to save or print. Can only be BUDGET." + +[period.printrecord.ocsetting] +block = "period" +name = "ocsetting" +type = "keystring all first last frequency steps" +tagged = "false" +in_record = "true" +reader = "urword" +description = "specifies the steps for which the data will be saved." diff --git a/spec/toml/prt-prp.toml b/spec/toml/prt-prp.toml index f48011f..6fde343 100644 --- a/spec/toml/prt-prp.toml +++ b/spec/toml/prt-prp.toml @@ -1,687 +1,320 @@ -component = "PRT" -subcomponent = "PRP" -blocknames = [ "options", "dimensions", "packagedata", "releasetimes", "period",] -multipkg = false -stress = false -advanced = false +name = "prt-prp" multi = true -[block.options.boundnames] +[options.boundnames] +name = "boundnames" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" +block = "options" description = "keyword to indicate that boundary names may be provided with the list of particle release points." -deprecated = "" -[block.options.print_input] +[options.print_input] +name = "print_input" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "print input to listing file" -description = "REPLACE print_input {'{#1}': 'all model stress package'}" -deprecated = "" - -[block.options.dev_exit_solve_method] +block = "options" +description = "keyword to indicate that the list of all model stress package information will be written to the listing file immediately after it is read." + +[options.dev_exit_solve_method] +name = "dev_exit_solve_method" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "exit solve method" -description = "the method for iterative solution of particle exit location and time in the generalized Pollock's method. 0 default, 1 Brent, 2 Chandrupatla. The default is Brent's method." -deprecated = "" - -[block.options.exit_solve_tolerance] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "exit solve tolerance" -description = "the convergence tolerance for iterative solution of particle exit location and time in the generalized Pollock's method. A value of 0.00001 works well for many problems, but the value that strikes the best balance between accuracy and runtime is problem-dependent." -deprecated = "" - -[block.options.local_z] +block = "options" +description = "the method for iterative solution of particle exit location and time in the generalized pollock's method. 0 default, 1 brent, 2 chandrupatla. the default is brent's method." + +[options.exit_solve_tolerance] +name = "exit_solve_tolerance" +type = "double precision" +block = "options" +description = "the convergence tolerance for iterative solution of particle exit location and time in the generalized pollock's method. a value of 0.00001 works well for many problems, but the value that strikes the best balance between accuracy and runtime is problem-dependent." + +[options.local_z] +name = "local_z" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "whether to use local z coordinates" -description = "indicates that ``zrpt'' defines the local z coordinate of the release point within the cell, with value of 0 at the bottom and 1 at the top of the cell. If the cell is partially saturated at release time, the top of the cell is considered to be the water table elevation (the head in the cell) rather than the top defined by the user." -deprecated = "" - -[block.options.extend_tracking] +block = "options" +description = "indicates that 'zrpt' defines the local z coordinate of the release point within the cell, with value of 0 at the bottom and 1 at the top of the cell. if the cell is partially saturated at release time, the top of the cell is considered to be the water table elevation (the head in the cell) rather than the top defined by the user." + +[options.extend_tracking] +name = "extend_tracking" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "whether to extend tracking beyond the end of the simulation" -description = "indicates that particles should be tracked beyond the end of the simulation's final time step (using that time step's flows) until particles terminate or reach a specified stop time. By default, particles are terminated at the end of the simulation's final time step." -deprecated = "" - -[block.options.track_filerecord] -type = "record track fileout trackfile" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.track] +block = "options" +description = "indicates that particles should be tracked beyond the end of the simulation's final time step (using that time step's flows) until particles terminate or reach a specified stop time. by default, particles are terminated at the end of the simulation's final time step." + +[options.track_filerecord] +name = "track_filerecord" +type = "record" +block = "options" + +[options.track_filerecord.track] +block = "options" +name = "track" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +tagged = "true" +optional = "false" longname = "track keyword" description = "keyword to specify that record corresponds to a binary track output file. Each PRP Package may have a distinct binary track output file." -deprecated = "" -[block.options.fileout] +[options.track_filerecord.fileout] +block = "options" +name = "fileout" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +tagged = "true" +optional = "false" longname = "file keyword" description = "keyword to specify that an output filename is expected next." -deprecated = "" -[block.options.trackfile] +[options.track_filerecord.trackfile] +block = "options" +name = "trackfile" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +preserve_case = "true" +in_record = "true" reader = "urword" -optional = false -preserve_case = true -numeric_index = false +tagged = "false" +optional = "false" longname = "file keyword" description = "name of the binary output file to write tracking information." -deprecated = "" - -[block.options.trackcsv_filerecord] -type = "record trackcsv fileout trackcsvfile" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.options.trackcsv] + +[options.trackcsv_filerecord] +name = "trackcsv_filerecord" +type = "record" +block = "options" + +[options.trackcsv_filerecord.trackcsv] +block = "options" +name = "trackcsv" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false +tagged = "true" +optional = "false" longname = "track keyword" description = "keyword to specify that record corresponds to a CSV track output file. Each PRP Package may have a distinct CSV track output file." -deprecated = "" -[block.options.trackcsvfile] +[options.trackcsv_filerecord.fileout] +block = "options" +name = "fileout" +type = "keyword" +in_record = "true" +reader = "urword" +tagged = "true" +optional = "false" +longname = "file keyword" +description = "keyword to specify that an output filename is expected next." + +[options.trackcsv_filerecord.trackcsvfile] +block = "options" +name = "trackcsvfile" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +preserve_case = "true" +in_record = "true" reader = "urword" -optional = false -preserve_case = true -numeric_index = false +tagged = "false" +optional = "false" longname = "file keyword" description = "name of the comma-separated value (CSV) file to write tracking information." -deprecated = "" - -[block.options.stoptime] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "stop time" -description = "real value defining the maximum simulation time to which particles in the package can be tracked. Particles that have not terminated earlier due to another termination condition will terminate when simulation time STOPTIME is reached. If the last stress period in the simulation consists of more than one time step, particles will not be tracked past the ending time of the last stress period, regardless of STOPTIME. If the last stress period in the simulation consists of a single time step, it is assumed to be a steady-state stress period, and its ending time will not limit the simulation time to which particles can be tracked. If STOPTIME and STOPTRAVELTIME are both provided, particles will be stopped if either is reached." -deprecated = "" - -[block.options.stoptraveltime] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "stop travel time" -description = "real value defining the maximum travel time over which particles in the model can be tracked. Particles that have not terminated earlier due to another termination condition will terminate when their travel time reaches STOPTRAVELTIME. If the last stress period in the simulation consists of more than one time step, particles will not be tracked past the ending time of the last stress period, regardless of STOPTRAVELTIME. If the last stress period in the simulation consists of a single time step, it is assumed to be a steady-state stress period, and its ending time will not limit the travel time over which particles can be tracked. If STOPTIME and STOPTRAVELTIME are both provided, particles will be stopped if either is reached." -deprecated = "" - -[block.options.stop_at_weak_sink] + +[options.stoptime] +name = "stoptime" +type = "double precision" +block = "options" +description = "real value defining the maximum simulation time to which particles in the package can be tracked. particles that have not terminated earlier due to another termination condition will terminate when simulation time stoptime is reached. if the last stress period in the simulation consists of more than one time step, particles will not be tracked past the ending time of the last stress period, regardless of stoptime. if the last stress period in the simulation consists of a single time step, it is assumed to be a steady-state stress period, and its ending time will not limit the simulation time to which particles can be tracked. if stoptime and stoptraveltime are both provided, particles will be stopped if either is reached." + +[options.stoptraveltime] +name = "stoptraveltime" +type = "double precision" +block = "options" +description = "real value defining the maximum travel time over which particles in the model can be tracked. particles that have not terminated earlier due to another termination condition will terminate when their travel time reaches stoptraveltime. if the last stress period in the simulation consists of more than one time step, particles will not be tracked past the ending time of the last stress period, regardless of stoptraveltime. if the last stress period in the simulation consists of a single time step, it is assumed to be a steady-state stress period, and its ending time will not limit the travel time over which particles can be tracked. if stoptime and stoptraveltime are both provided, particles will be stopped if either is reached." + +[options.stop_at_weak_sink] +name = "stop_at_weak_sink" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "stop at weak sink" -description = "is a text keyword to indicate that a particle is to terminate when it enters a cell that is a weak sink. By default, particles are allowed to pass though cells that are weak sinks." -deprecated = "" - -[block.options.istopzone] +block = "options" +description = "is a text keyword to indicate that a particle is to terminate when it enters a cell that is a weak sink. by default, particles are allowed to pass though cells that are weak sinks." + +[options.istopzone] +name = "istopzone" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "stop zone number" -description = "integer value defining the stop zone number. If cells have been assigned IZONE values in the GRIDDATA block, a particle terminates if it enters a cell whose IZONE value matches ISTOPZONE. An ISTOPZONE value of zero indicates that there is no stop zone. The default value is zero." -deprecated = "" - -[block.options.drape] +block = "options" +description = "integer value defining the stop zone number. if cells have been assigned izone values in the griddata block, a particle terminates if it enters a cell whose izone value matches istopzone. an istopzone value of zero indicates that there is no stop zone. the default value is zero." + +[options.drape] +name = "drape" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "drape" -description = "is a text keyword to indicate that if a particle's release point is in a cell that happens to be inactive at release time, the particle is to be moved to the topmost active cell below it, if any. By default, a particle is not released into the simulation if its release point's cell is inactive at release time." -deprecated = "" - -[block.options.dev_forceternary] +block = "options" +description = "is a text keyword to indicate that if a particle's release point is in a cell that happens to be inactive at release time, the particle is to be moved to the topmost active cell below it, if any. by default, a particle is not released into the simulation if its release point's cell is inactive at release time." + +[options.dry_tracking_method] +name = "dry_tracking_method" +type = "string" +block = "options" +description = "is a string indicating how particles should behave in dry-but-active cells (as can occur with the newton formulation). the value can be 'drop', 'stop', or 'stay'. the default is 'drop', which passes particles vertically and instantaneously to the water table. 'stop' causes particles to terminate. 'stay' causes particles to remain stationary but active." + +[options.dev_forceternary] +name = "dev_forceternary" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "force ternary tracking method" -description = "force use of the ternary tracking method regardless of cell type in DISV grids." -deprecated = "" - -[block.options.release_time_tolerance] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "release time coincidence tolerance" -description = "real number indicating the tolerance within which to consider adjacent release times coincident. Coincident release times will be merged into a single release time. The default is $epsilon times 10^11$, where $epsilon$ is machine precision." -deprecated = "" - -[block.options.release_time_frequency] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = true -preserve_case = false -numeric_index = false -longname = "release time frequency" -description = "real number indicating the time frequency at which to release particles. This option can be used to schedule releases at a regular interval for the duration of the simulation, starting at the simulation start time. The release schedule is the union of this option, the RELEASETIMES block, and PERIOD block RELEASESETTING selections. If none of these are provided, a single release time is configured at the beginning of the first time step of the simulation's first stress period." -deprecated = "" - -[block.dimensions.nreleasepts] +block = "options" +description = "force use of the ternary tracking method regardless of cell type in disv grids." + +[options.release_time_tolerance] +name = "release_time_tolerance" +type = "double precision" +block = "options" +description = "real number indicating the tolerance within which to consider adjacent release times coincident. coincident release times will be merged into a single release time. the default is $epsilon times 10^11$, where $epsilon$ is machine precision." + +[options.release_time_frequency] +name = "release_time_frequency" +type = "double precision" +block = "options" +description = "real number indicating the time frequency at which to release particles. this option can be used to schedule releases at a regular interval for the duration of the simulation, starting at the simulation start time. the release schedule is the union of this option, the releasetimes block, and period block releasesetting selections. if none of these are provided, a single release time is configured at the beginning of the first time step of the simulation's first stress period." + +[dimensions.nreleasepts] +name = "nreleasepts" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of particle release points" +block = "dimensions" description = "is the number of particle release points." -deprecated = "" -[block.dimensions.nreleasetimes] +[dimensions.nreleasetimes] +name = "nreleasetimes" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "number of particle release times" -description = "is the number of particle release times specified in the RELEASETIMES block. This is not necessarily the total number of release times; release times are the union of RELEASE_TIME_FREQUENCY, RELEASETIMES block, and PERIOD block RELEASESETTING selections." -deprecated = "" - -[block.packagedata.irptno] +block = "dimensions" +description = "is the number of particle release times specified in the releasetimes block. this is not necessarily the total number of release times; release times are the union of release_time_frequency, releasetimes block, and period block releasesetting selections." + +[packagedata.packagedata] +name = "packagedata" +type = "list" +shape = "(nreleasepts)" +block = "packagedata" + +[packagedata.packagedata.packagedata] +name = "packagedata" +type = "record" +block = "packagedata" + +[packagedata.packagedata.packagedata.irptno] +block = "packagedata" +name = "irptno" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = true longname = "PRP id number for release point" description = "integer value that defines the PRP release point number associated with the specified PACKAGEDATA data on the line. IRPTNO must be greater than zero and less than or equal to NRELEASEPTS. The program will terminate with an error if information for a PRP release point number is specified more than once." -deprecated = "" +numeric_index = "true" -[block.packagedata.cellid] +[packagedata.packagedata.packagedata.cellid] +block = "packagedata" +name = "cellid" type = "integer" -block_variable = false -valid = [] shape = "(ncelldim)" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "cell identifier" -description = "REPLACE cellid {}" -deprecated = "" - -[block.packagedata.xrpt] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +description = "is the cell identifier, and depends on the type of grid that is used for the simulation. For a structured grid that uses the DIS input file, CELLID is the layer, row, and column. For a grid that uses the DISV input file, CELLID is the layer and CELL2D number. If the model uses the unstructured discretization (DISU) input file, CELLID is the node number for the cell." + +[packagedata.packagedata.packagedata.xrpt] +block = "packagedata" +name = "xrpt" +type = "double precision" +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "x coordinate of release point" description = "real value that defines the x coordinate of the release point in model coordinates. The (x, y, z) location specified for the release point must lie within the cell that is identified by the specified cellid." -deprecated = "" - -[block.packagedata.yrpt] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[packagedata.packagedata.packagedata.yrpt] +block = "packagedata" +name = "yrpt" +type = "double precision" +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "y coordinate of release point" description = "real value that defines the y coordinate of the release point in model coordinates. The (x, y, z) location specified for the release point must lie within the cell that is identified by the specified cellid." -deprecated = "" - -[block.packagedata.zrpt] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false + +[packagedata.packagedata.packagedata.zrpt] +block = "packagedata" +name = "zrpt" +type = "double precision" +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "z coordinate of release point" description = "real value that defines the z coordinate of the release point in model coordinates or, if the LOCAL_Z option is active, in local cell coordinates. The (x, y, z) location specified for the release point must lie within the cell that is identified by the specified cellid." -deprecated = "" -[block.packagedata.boundname] +[packagedata.packagedata.packagedata.boundname] +block = "packagedata" +name = "boundname" type = "string" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +tagged = "false" +in_record = "true" reader = "urword" -optional = true -preserve_case = false -numeric_index = false +optional = "true" longname = "release point name" description = "name of the particle release point. BOUNDNAME is an ASCII character variable that can contain as many as 40 characters. If BOUNDNAME contains spaces in it, then the entire name must be enclosed within single quotes." -deprecated = "" -[block.packagedata.packagedata] -type = "recarray irptno cellid xrpt yrpt zrpt boundname" -block_variable = false -valid = [] -shape = "(nreleasepts)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.releasetimes.time] -type = "double" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false +[releasetimes.releasetimes] +name = "releasetimes" +type = "list" +shape = "(nreleasetimes)" +block = "releasetimes" + +[releasetimes.releasetimes.releasetimes] +name = "releasetimes" +type = "record" +block = "releasetimes" + +[releasetimes.releasetimes.releasetimes.time] +block = "releasetimes" +name = "time" +type = "double precision" +tagged = "false" +in_record = "true" reader = "urword" -optional = false -preserve_case = false -numeric_index = false longname = "release time" description = "real value that defines the release time with respect to the simulation start time." -deprecated = "" -[block.releasetimes.releasetimes] -type = "recarray time" -block_variable = false -valid = [] -shape = "(nreleasetimes)" -tagged = true -in_record = false -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" -description = "" -deprecated = "" - -[block.period.releasesetting] -type = "keystring all first frequency steps fraction" -block_variable = false -valid = [] -shape = "" -tagged = false -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" -description = "specifies time steps at which to release a particle. A particle is released at the beginning of each specified time step. For fine control over release timing, specify times explicitly using the RELEASETIMES block. If the beginning of a specified time step coincides with a release time specified in the RELEASETIMES block or configured via RELEASE_TIME_FREQUENCY, only one particle is released at that time. Coincidence is evaluated up to the tolerance specified in RELEASE_TIME_TOLERANCE, or $epsilon times 10^11$ by default, where $epsilon$ is machine precision. If no release times are configured via this setting, the RELEASETIMES block, or the RELEASE_TIME_FREQUENCY option, a single release time is configured at the beginning of the first time step of the simulation's first stress period." -deprecated = "" - -[block.period.all] +[period.perioddata] +name = "perioddata" +type = "list" +block = "period" + +[period.perioddata.releasesetting] +name = "releasesetting" +type = "union" +block = "period" +description = "specifies time steps at which to release a particle. a particle is released at the beginning of each specified time step. for fine control over release timing, specify times explicitly using the releasetimes block. if the beginning of a specified time step coincides with a release time specified in the releasetimes block or configured via release_time_frequency, only one particle is released at that time. coincidence is evaluated up to the tolerance specified in release_time_tolerance, or $epsilon times 10^11$ by default, where $epsilon$ is machine precision. if no release times are configured via this setting, the releasetimes block, or the release_time_frequency option, a single release time is configured at the beginning of the first time step of the simulation's first stress period." + +[period.perioddata.releasesetting.all] +name = "all" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" +block = "period" description = "keyword to indicate release at the start of all time steps in the period." -deprecated = "" -[block.period.first] -type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" -description = "keyword to indicate release at the start of the first time step in the period. This keyword may be used in conjunction with other RELEASESETTING options." -deprecated = "" - -[block.period.last] +[period.perioddata.releasesetting.first] +name = "first" type = "keyword" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" -description = "keyword to indicate release at the start of the last time step in the period. This keyword may be used in conjunction with other RELEASESETTING options." -deprecated = "" - -[block.period.frequency] +block = "period" +description = "keyword to indicate release at the start of the first time step in the period. this keyword may be used in conjunction with other releasesetting options." + +[period.perioddata.releasesetting.frequency] +name = "frequency" type = "integer" -block_variable = false -valid = [] -shape = "" -tagged = true -in_record = true -layered = false -time_series = false -reader = "urword" -optional = false -preserve_case = false -numeric_index = false -longname = "" -description = "release at the specified time step frequency. This keyword may be used in conjunction with other RELEASESETTING options." -deprecated = "" - -[block.period.steps] +block = "period" +description = "release at the specified time step frequency. this keyword may be used in conjunction with other releasesetting options." + +[period.perioddata.releasesetting.steps] +name = "steps" type = "integer" -block_variable = false -valid = [] shape = "(