diff --git a/pyproject.toml b/pyproject.toml index a0341565750..2132586b8b7 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -49,6 +49,7 @@ dependencies = [ "matplotlib", "netCDF4", "numpy<2", + "openpyxl", # extra dependency for pandas (excel) "orjson", "packaging", "pandas", diff --git a/src/ert/config/design_matrix.py b/src/ert/config/design_matrix.py index b65b797c178..1683463568e 100644 --- a/src/ert/config/design_matrix.py +++ b/src/ert/config/design_matrix.py @@ -2,7 +2,13 @@ from dataclasses import dataclass from pathlib import Path -from typing import List +from typing import TYPE_CHECKING, Dict, List, Optional, Union + +import numpy as np +import pandas as pd +from pandas.api.types import is_integer_dtype + +from ert.config.gen_kw_config import GenKwConfig, TransformFunctionDefinition from ._option_dict import option_dict from .parsing import ( @@ -10,12 +16,23 @@ ErrorInfo, ) +if TYPE_CHECKING: + from ert.config import ( + ParameterConfig, + ) + +DESIGN_MATRIX_GROUP = "DESIGN_MATRIX" + @dataclass class DesignMatrix: xls_filename: Path design_sheet: str default_sheet: str + num_realizations: Optional[int] = None + active_realizations: Optional[List[bool]] = None + design_matrix_df: Optional[pd.DataFrame] = None + parameter_configuration: Optional[Dict[str, ParameterConfig]] = None @classmethod def from_config_list(cls, config_list: List[str]) -> "DesignMatrix": @@ -56,3 +73,167 @@ def from_config_list(cls, config_list: List[str]) -> "DesignMatrix": design_sheet=design_sheet, default_sheet=default_sheet, ) + + def read_design_matrix( + self, + ) -> None: + param_names = ( + pd.read_excel( + self.xls_filename, + sheet_name=self.design_sheet, + nrows=1, + header=None, + dtype="string", + ) + .iloc[0] + .apply(lambda x: x.strip() if isinstance(x, str) else x) + ) + design_matrix_df = DesignMatrix._read_excel( + self.xls_filename, + self.design_sheet, + header=None, + skiprows=1, + ) + design_matrix_df.columns = param_names.to_list() + + if "REAL" in design_matrix_df.columns: + if not is_integer_dtype(design_matrix_df.dtypes["REAL"]) or any( + design_matrix_df["REAL"] < 0 + ): + raise ValueError("REAL column must only contain positive integers") + design_matrix_df = design_matrix_df.set_index( + "REAL", drop=True, verify_integrity=True + ) + + if error_list := DesignMatrix._validate_design_matrix(design_matrix_df): + error_msg = "\n".join(error_list) + raise ValueError(f"Design matrix is not valid, error:\n{error_msg}") + + defaults = DesignMatrix._read_defaultssheet( + self.xls_filename, self.default_sheet + ) + for k, v in defaults.items(): + if k not in design_matrix_df.columns: + design_matrix_df[k] = v + + parameter_configuration: Dict[str, ParameterConfig] = {} + transform_function_definitions: List[TransformFunctionDefinition] = [] + for parameter in design_matrix_df.columns: + transform_function_definitions.append( + TransformFunctionDefinition( + name=parameter, + param_name="RAW", + values=[], + ) + ) + parameter_configuration[DESIGN_MATRIX_GROUP] = GenKwConfig( + name=DESIGN_MATRIX_GROUP, + forward_init=False, + template_file=None, + output_file=None, + transform_function_definitions=transform_function_definitions, + update=False, + ) + + design_matrix_df.columns = pd.MultiIndex.from_product( + [[DESIGN_MATRIX_GROUP], design_matrix_df.columns] + ) + reals = design_matrix_df.index.tolist() + self.num_realizations = len(reals) + self.active_realizations = [x in reals for x in range(max(reals) + 1)] + + self.design_matrix_df = design_matrix_df + self.parameter_configuration = parameter_configuration + + @staticmethod + def _read_excel( + file_name: Union[Path, str], + sheet_name: str, + usecols: Optional[Union[int, List[int]]] = None, + header: Optional[int] = 0, + skiprows: Optional[int] = None, + dtype: Optional[str] = None, + ) -> pd.DataFrame: + """ + Make dataframe from excel file + :return: Dataframe + :raises: OsError if file not found + :raises: ValueError if file not loaded correctly + """ + dframe: pd.DataFrame = pd.read_excel( + file_name, + sheet_name, + usecols=usecols, + header=header, + skiprows=skiprows, + dtype=dtype, + ) + return dframe.dropna(axis=1, how="all") + + @staticmethod + def _validate_design_matrix(design_matrix: pd.DataFrame) -> List[str]: + """ + Validate user inputted design matrix + :raises: ValueError if design matrix contains empty headers or empty cells + """ + if design_matrix.empty: + return [] + errors = [] + column_na_mask = design_matrix.columns.isna() + column_indexes_unnamed = [ + index for index, value in enumerate(column_na_mask) if value + ] + if len(column_indexes_unnamed) > 0: + errors.append( + f"Column headers not present in column {column_indexes_unnamed}" + ) + if not design_matrix.columns[~column_na_mask].is_unique: + errors.append("Duplicate parameter names found in design sheet") + empties = [ + f"Realization {design_matrix.index[i]}, column {design_matrix.columns[j]}" + for i, j in zip(*np.where(pd.isna(design_matrix))) + ] + if len(empties) > 0: + errors.append(f"Design matrix contains empty cells {empties}") + return errors + + @staticmethod + def _read_defaultssheet( + xls_filename: Union[Path, str], defaults_sheetname: str + ) -> Dict[str, Union[str, float]]: + """ + Construct a dict of keys and values to be used as defaults from the + first two columns in a spreadsheet. + + Returns a dict of default values + + :raises: ValueError if defaults sheet is non-empty but non-parsable + """ + default_df = DesignMatrix._read_excel( + xls_filename, + defaults_sheetname, + header=None, + dtype="string", + ) + if default_df.empty: + return {} + if len(default_df.columns) < 2: + raise ValueError("Defaults sheet must have at least two columns") + empty_cells = [ + f"Row {default_df.index[i]}, column {default_df.columns[j]}" + for i, j in zip(*np.where(pd.isna(default_df))) + ] + if len(empty_cells) > 0: + raise ValueError(f"Default sheet contains empty cells {empty_cells}") + default_df[0] = default_df[0].apply(lambda x: x.strip()) + if not default_df[0].is_unique: + raise ValueError("Default sheet contains duplicate parameter names") + + return {row[0]: convert_to_numeric(row[1]) for _, row in default_df.iterrows()} + + +def convert_to_numeric(x: str) -> Union[str, float]: + try: + return pd.to_numeric(x) + except ValueError: + return x diff --git a/src/ert/config/gen_kw_config.py b/src/ert/config/gen_kw_config.py index a634573c965..459b9b46aad 100644 --- a/src/ert/config/gen_kw_config.py +++ b/src/ert/config/gen_kw_config.py @@ -70,9 +70,7 @@ class TransformFunctionDefinition: class GenKwConfig(ParameterConfig): template_file: Optional[str] output_file: Optional[str] - transform_function_definitions: ( - List[TransformFunctionDefinition] | List[Dict[Any, Any]] - ) + transform_function_definitions: List[TransformFunctionDefinition] forward_init_file: Optional[str] = None def __post_init__(self) -> None: @@ -90,6 +88,9 @@ def __post_init__(self) -> None: ) self._validate() + def __contains__(self, item: str) -> bool: + return item in [v.name for v in self.transform_function_definitions] + def __len__(self) -> int: return len(self.transform_functions) diff --git a/tests/ert/unit_tests/sensitivity_analysis/test_design_matrix.py b/tests/ert/unit_tests/sensitivity_analysis/test_design_matrix.py new file mode 100644 index 00000000000..7b982513c91 --- /dev/null +++ b/tests/ert/unit_tests/sensitivity_analysis/test_design_matrix.py @@ -0,0 +1,185 @@ +import numpy as np +import pandas as pd +import pytest + +from ert.config.design_matrix import DESIGN_MATRIX_GROUP, DesignMatrix + + +def test_reading_design_matrix(tmp_path): + realizations = [0, 1, 4] + design_path = tmp_path / "design_matrix.xlsx" + design_matrix_df = pd.DataFrame( + { + "REAL": realizations, + "a": [1, 2, 3], + "b": [0, 2, 0], + "c": ["low", "high", "medium"], + } + ) + default_sheet_df = pd.DataFrame([["one", 1], ["b", 4], ["d", "case_name"]]) + with pd.ExcelWriter(design_path) as xl_write: + design_matrix_df.to_excel(xl_write, index=False, sheet_name="DesignSheet01") + default_sheet_df.to_excel( + xl_write, index=False, sheet_name="DefaultValues", header=False + ) + design_matrix = DesignMatrix(design_path, "DesignSheet01", "DefaultValues") + design_matrix.read_design_matrix() + design_params = design_matrix.parameter_configuration.get(DESIGN_MATRIX_GROUP, []) + assert all(param in design_params for param in ("a", "b", "c", "one", "d")) + assert design_matrix.num_realizations == 3 + assert design_matrix.active_realizations == [True, True, False, False, True] + + +@pytest.mark.parametrize( + "real_column, error_msg", + [ + pytest.param([0, 1, 1], "Index has duplicate keys", id="duplicate entries"), + pytest.param( + [0, 1.1, 2], + "REAL column must only contain positive integers", + id="invalid float values", + ), + pytest.param( + [0, "a", 10], + "REAL column must only contain positive integers", + id="invalid types", + ), + ], +) +def test_reading_design_matrix_validate_reals(tmp_path, real_column, error_msg): + design_path = tmp_path / "design_matrix.xlsx" + design_matrix_df = pd.DataFrame( + { + "REAL": real_column, + "a": [1, 2, 3], + "b": [0, 2, 0], + "c": [3, 1, 3], + } + ) + default_sheet_df = pd.DataFrame() + with pd.ExcelWriter(design_path) as xl_write: + design_matrix_df.to_excel(xl_write, index=False, sheet_name="DesignSheet01") + default_sheet_df.to_excel( + xl_write, index=False, sheet_name="DefaultValues", header=False + ) + design_matrix = DesignMatrix(design_path, "DesignSheet01", "DefaultValues") + with pytest.raises(ValueError, match=error_msg): + design_matrix.read_design_matrix() + + +@pytest.mark.parametrize( + "column_names, error_msg", + [ + pytest.param( + ["a", "b", "a"], + "Duplicate parameter names found in design sheet", + id="duplicate entries", + ), + pytest.param( + ["a ", "b", " a"], + "Duplicate parameter names found in design sheet", + id="duplicate entries with whitespaces", + ), + pytest.param( + ["a", "b ", ""], + r"Column headers not present in column \[2\]", + id="missing entries", + ), + ], +) +def test_reading_design_matrix_validate_headers(tmp_path, column_names, error_msg): + design_path = tmp_path / "design_matrix.xlsx" + design_matrix_df = pd.DataFrame( + np.array([[1, 2, 3], [4, 5, 6], [7, 8, 9]]), columns=column_names + ) + default_sheet_df = pd.DataFrame([["one", 1], ["b", 4], ["d", 6]]) + with pd.ExcelWriter(design_path) as xl_write: + design_matrix_df.to_excel(xl_write, index=False, sheet_name="DesignSheet01") + default_sheet_df.to_excel( + xl_write, index=False, sheet_name="DefaultValues", header=False + ) + design_matrix = DesignMatrix(design_path, "DesignSheet01", "DefaultValues") + with pytest.raises(ValueError, match=error_msg): + design_matrix.read_design_matrix() + + +@pytest.mark.parametrize( + "values, error_msg", + [ + pytest.param( + [0, pd.NA, 1], + r"Design matrix contains empty cells \['Realization 5, column a'\]", + id="duplicate entries", + ), + pytest.param( + [0, "some", np.nan], + r"Design matrix contains empty cells \['Realization 7, column a'\]", + id="invalid float values", + ), + ], +) +def test_reading_design_matrix_validate_cells(tmp_path, values, error_msg): + design_path = tmp_path / "design_matrix.xlsx" + design_matrix_df = pd.DataFrame( + { + "REAL": [1, 5, 7], + "a": values, + "b": [0, 2, 0], + "c": [3, 1, 3], + } + ) + default_sheet_df = pd.DataFrame() + with pd.ExcelWriter(design_path) as xl_write: + design_matrix_df.to_excel(xl_write, index=False, sheet_name="DesignSheet01") + default_sheet_df.to_excel( + xl_write, index=False, sheet_name="DefaultValues", header=False + ) + design_matrix = DesignMatrix(design_path, "DesignSheet01", "DefaultValues") + with pytest.raises(ValueError, match=error_msg): + design_matrix.read_design_matrix() + + +@pytest.mark.parametrize( + "data, error_msg", + [ + pytest.param( + [["one"], ["b"], ["d"]], + "Defaults sheet must have at least two columns", + id="Too few columns", + ), + pytest.param( + [["one", 1], ["b", ""], ["d", 6]], + r"Default sheet contains empty cells \['Row 1, column 1'\]", + id="empty cells", + ), + pytest.param( + [[2, 1], ["b", ""], ["d", 6]], + r"Default sheet contains empty cells \['Row 1, column 1'\]", + id="numerical entries as param names", + ), + pytest.param( + [[" a", 1], ["a ", "some"], ["d", 6]], + r"Default sheet contains duplicate parameter names", + id="duplicate parameter names", + ), + ], +) +def test_reading_default_sheet_validation(tmp_path, data, error_msg): + design_path = tmp_path / "design_matrix.xlsx" + design_matrix_df = pd.DataFrame( + { + "REAL": [0, 1, 2], + "a": [1, 2, 3], + "b": [0, 2, 0], + "c": [3, 1, 3], + } + ) + default_sheet_df = pd.DataFrame(data) + with pd.ExcelWriter(design_path) as xl_write: + design_matrix_df.to_excel(xl_write, index=False, sheet_name="DesignSheet01") + default_sheet_df.to_excel( + xl_write, index=False, sheet_name="DefaultValues", header=False + ) + design_matrix = DesignMatrix(design_path, "DesignSheet01", "DefaultValues") + with pytest.raises(ValueError, match=error_msg): + design_matrix.read_design_matrix()