diff --git a/.gitignore b/.gitignore index f63add8..54d8aa3 100644 --- a/.gitignore +++ b/.gitignore @@ -7,3 +7,6 @@ __pycache__/ /tests/_files/tabular_datapackage_hack_a_thon/data/ /tests/_files/tabular_datapackage_hack_a_thon/datapackage.json /tests/_files/tabular_datapackage_mininmal_example/ +/tests/_files/tsam/* +/examples/industry/collections/* +/examples/industry/datapackage/* diff --git a/data_adapter_oemof/adapters.py b/data_adapter_oemof/adapters.py index a05c41b..940a907 100644 --- a/data_adapter_oemof/adapters.py +++ b/data_adapter_oemof/adapters.py @@ -4,7 +4,6 @@ import itertools import json import logging -import warnings from typing import Optional, Type, Union import pandas as pd @@ -159,7 +158,10 @@ def get_data(self, key, field_type: Optional[Type] = None): f"Using existing timeseries column '{timeseries_key}'." ) return timeseries_key - logger.warning(f"Could not find timeseries entry for mapped key '{key}'") + logger.warning( + f"For Process {self.process_name}" + f"Could not find timeseries entry for mapped key '{key}'" + ) return None # 2 Use defaults @@ -228,11 +230,6 @@ def get_busses(self) -> dict: struct = self.structure["default"] else: struct = self.structure - warnings.warn( - "Please check structure and provide either one set of inputs/outputs " - "or specify as default Parameter specific busses not implemented yet. " - f"No Bus found for Process {self.process_name} in Adapter {self}" - ) # 2. Check for default busses if bus in ("bus", "from_bus", "to_bus", "fuel_bus"): @@ -242,6 +239,11 @@ def get_busses(self) -> dict: busses = struct["inputs"] if bus == "to_bus": busses = struct["outputs"] + if ( + self.__class__.type == "storage" + and struct["inputs"] == struct["outputs"] + ): + busses = struct["outputs"] if len(busses) != 1: raise MappingError( f"Could not map {bus} to default bus - too many options" @@ -426,6 +428,57 @@ def get_default_parameters( if self.get("carrier") == "carrier": defaults["carrier"] = self.get_busses()["bus"] + if self.get("amount") == None: + amount = 9999999999999 + logger.warning( + f"Adding parameter 'amount' with value {amount} to commodity " + f"{self.process_name}. \n " + f"This is beneficial if your commodity is functioning as " + f"shortage or unlimited import/source. " + f"Otherwise please add 'amount' to your commodity!" + ) + defaults["amount"] = amount + + return defaults + + +class CommodityGHGAdapter(CommodityAdapter): + """ + CommodityGHGAdapter + """ + + type = "commodity_ghg" + facade = facades.CommodityGHG + + def get_busses(self) -> dict: + bus_list = self.structure["outputs"] + bus_dict = {} + counter = 0 + for bus in bus_list: + if not bus.startswith("emi"): + bus_dict["bus"] = bus + elif bus.startswith("emi"): + bus_dict[f"emission_bus_{counter}"] = bus + counter += 1 + + # check that bus is defined + if bus_dict.get("bus") is None: + raise KeyError(f"{self.process_name} is missing 'bus', the input.") + return bus_dict + + def get_default_parameters(self) -> dict: + defaults = super().get_default_parameters() + for key, value in self.data.items(): + if key.startswith("ef"): + # adapt to the naming convention in oemof.tabular commodityGHG facade: emission_factor_ + target_label = None + emission_bus_labels = [key for item, key in defaults.items() if item.startswith("emission_bus")] + for label in emission_bus_labels: + if label in key: + target_label = label + if target_label == None: + raise ValueError(f"Emission factor of {self.process_name} is named {key} but None of the emission buses matches: {emission_bus_labels}.") + defaults[f"emission_factor_{target_label}"] = value return defaults @@ -439,6 +492,44 @@ class ConversionAdapter(Adapter): facade = facades.Conversion +class ConversionGHGAdapter(Adapter): + """ + ConversionGHGAdapter + """ + + type = "conversion_ghg" + facade = facades.ConversionGHG + + def get_busses(self) -> dict: + def get_bus_from_struct(bus_list: list, bus_key: str) -> dict: + bus_dict = {} + counter = 0 + for bus in bus_list: + if not bus.startswith("emi"): + bus_dict[f"{bus_key}"] = bus + elif bus.startswith("emi"): + bus_dict[f"emission_bus_{counter}"] = bus + counter += 1 + return bus_dict + + return_bus_dict = get_bus_from_struct( + self.structure["inputs"], bus_key="from_bus" + ) | get_bus_from_struct(self.structure["outputs"], bus_key="to_bus") + + # check that from_bus and to_bus is defined + for key in ["from_bus", "to_bus"]: + if return_bus_dict.get(key) is None: + raise KeyError(f"{self.process_name} is missing {key}.") + return return_bus_dict + + def get_default_parameters(self) -> dict: + defaults = super().get_default_parameters() + for key, value in self.data.items(): + if key.startswith("ef"): + defaults[key.replace("ef", "emission_factor")] = value + return defaults + + class LoadAdapter(Adapter): """ LoadAdapter @@ -492,6 +583,7 @@ class MIMOAdapter(Adapter): Field(name="region", type=str), Field(name="year", type=int), Field(name="groups", type=dict), + Field(name="lifetime", type=float), Field(name="capacity_cost", type=float), Field(name="capacity", type=float), Field(name="expandable", type=bool), @@ -518,10 +610,13 @@ def get_default_parameters(self) -> dict: "emissions_factor_", "conversion_factor_", "flow_share_", + "ef_", ) for key, value in self.data.items(): for keyword in keywords: if key.startswith(keyword): + if key.startswith("ef"): + key = key.replace("ef", "emission_factor") defaults[key] = value return defaults diff --git a/data_adapter_oemof/build_datapackage.py b/data_adapter_oemof/build_datapackage.py index f130b6a..e5449c0 100644 --- a/data_adapter_oemof/build_datapackage.py +++ b/data_adapter_oemof/build_datapackage.py @@ -1,4 +1,5 @@ import dataclasses +import logging import os import warnings from typing import Optional, Type @@ -11,9 +12,12 @@ from data_adapter_oemof.adapters import FACADE_ADAPTERS from data_adapter_oemof.adapters import Adapter as FacadeAdapter +from data_adapter_oemof.calculations import handle_nans from data_adapter_oemof.settings import BUS_MAP, PARAMETER_MAP, PROCESS_ADAPTER_MAP from data_adapter_oemof.utils import convert_mixed_types_to_same_length +logger = logging.getLogger() + # Define a function to aggregate differing values into a list def _listify_to_periodic(group_df) -> pd.Series: @@ -48,10 +52,11 @@ def _listify_to_periodic(group_df) -> pd.Series: """ - + group_df = handle_nans(group_df) if "year" not in group_df.columns: return group_df unique_values = pd.Series(dtype=object) + for col in group_df.columns: if isinstance(group_df[col][group_df.index[0]], dict): # Unique input/output parameters are not allowed per period @@ -64,21 +69,6 @@ def _listify_to_periodic(group_df) -> pd.Series: ): values = group_df[col].explode().unique() else: - # FIXME: Hotfix "if not" statement to replace nan values from lists: - # in final data only complete datasets are expected. - if not all(group_df[col].isna()) and any(group_df[col].isna()): - group_df.loc[group_df[col].isna(), col] = ( - group_df[col] - .dropna() - .sample( - group_df[col] - .isna() - .sum(), # get the same number of values as are missing - replace=True, - random_state=0, - ) - .values - ) # throw out the index values = group_df[col].unique() if len(values) > 1: if isinstance(group_df[col].iloc[0], list): @@ -90,7 +80,6 @@ def _listify_to_periodic(group_df) -> pd.Series: unique_values[col] = group_df[col].iat[0][0] else: unique_values[col] = group_df[col].iat[0] - unique_values["name"] = "_".join(group_df.name) unique_values.drop("year") return unique_values @@ -463,6 +452,7 @@ def build_datapackage( parameter_map: Optional[dict] = PARAMETER_MAP, bus_map: Optional[dict] = BUS_MAP, location_to_save_to: str = None, + debug=False, ): """ Creating a Datapackage from the oemof_data_adapter that fits oemof.tabular Datapackages. @@ -508,6 +498,9 @@ def _reduce_lists(x): + _reduce_lists(timeseries.columns.get_level_values(1)) ) facade_adapter_name: str = process_adapter_map[process_name] + logger.info( + f"Adaptering process {process_name} into adapter {facade_adapter_name}" + ) facade_adapter: Type[FacadeAdapter] = FACADE_ADAPTERS[facade_adapter_name] component_adapter: Optional[FacadeAdapter] = None components = [] @@ -553,6 +546,22 @@ def _reduce_lists(x): ) periods = cls.get_periods_from_parametrized_sequences(parametrized_sequences) + def reduce_data_frame(data_frame, steps=4): + """reduces `df` to 5 time steps per period""" + df = data_frame.copy() + df["ind"] = df.index + df["ind"] = df["ind"].apply( + lambda x: True if x.month == 1 and x.day == 1 and x.hour <= steps else False + ) + df_reduced = df.loc[df["ind"] == 1].drop(columns=["ind"]) + return df_reduced + + if debug: + periods = reduce_data_frame(data_frame=periods) + for key, value in parametrized_sequences.items(): + df_short = reduce_data_frame(data_frame=value) + parametrized_sequences.update({key: df_short}) + return cls( parametrized_elements=parametrized_elements, parametrized_sequences=parametrized_sequences, diff --git a/data_adapter_oemof/calculations.py b/data_adapter_oemof/calculations.py index 40934d3..8ba9a9f 100644 --- a/data_adapter_oemof/calculations.py +++ b/data_adapter_oemof/calculations.py @@ -3,8 +3,11 @@ import warnings import numpy as np +import pandas as pd from oemof.tools.economics import annuity +from .utils import divide_two_lists, multiply_two_lists + class CalculationError(Exception): """Raise this exception if calculation goes wrong""" @@ -71,24 +74,6 @@ def decommission(process_name, adapter_dict: dict) -> dict: ------- """ - - def multiply_two_lists(l1, l2): - """ - Multiplies two lists - - Lists must be same length - - Parameters - ---------- - l1 - l2 - - Returns divided list - ------- - - """ - return [i * j for i, j in zip(l1, l2)] - capacity_column = "capacity" max_column = "max" @@ -110,14 +95,14 @@ def multiply_two_lists(l1, l2): if max_column not in adapter_dict["output_parameters"].keys(): adapter_dict["output_parameters"][max_column] = adapter_dict[ capacity_column - ] / np.max(adapter_dict[capacity_column]) + ] / np.nanmax(adapter_dict[capacity_column]) # II: else: adapter_dict["output_parameters"][max_column] = multiply_two_lists( adapter_dict["output_parameters"][max_column], adapter_dict[capacity_column] - ) / np.max(adapter_dict[capacity_column]) + ) / np.nanmax(adapter_dict[capacity_column]) - adapter_dict[capacity_column] = np.max(adapter_dict[capacity_column]) + adapter_dict[capacity_column] = np.nanmax(adapter_dict[capacity_column]) return adapter_dict @@ -133,23 +118,6 @@ def normalize_activity_bonds(adapter): """ - def divide_two_lists(dividend, divisor): - """ - Divides two lists returns quotient, returns 0 if divisor is 0 - - Lists must be same length - - Parameters - ---------- - dividend - divisor - - Returns divided list - ------- - - """ - return [i / j if j != 0 else 0 for i, j in zip(dividend, divisor)] - if "activity_bound_fix" in adapter.data.keys(): adapter.data["activity_bound_fix"] = divide_two_lists( adapter.data["activity_bound_fix"], adapter.get("capacity") @@ -188,3 +156,164 @@ def floor_lifetime(mapped_defaults): warnings.warn("Lifetime cannot change in Multi-period modeling") mapped_defaults["lifetime"] = int(np.floor(mapped_defaults["lifetime"][0])) return mapped_defaults + + +def handle_nans(group_df: pd.DataFrame) -> pd.DataFrame: + """ + This function shall handle found nans in the data. + + Identifiers are set pre-mapping! (Might implement mapping feature later) + + Providing data for one process with changing values and missing some values + cannot be handled by oemof.solph multi period feature. Either a value can be set + or it can be None but cannot be None in some year and be set in another. + + Sometimes data is still missing for some periods. + For most of these occurrences the missing data does not matter: + - The Investment in the invest-object is not allowed in these years + - Existing process is already decommissioned. + For these cases the missing data is marked `irrelevant`. + + The found nans are replaced: + - min/max values replaced by 0 or 9999999999999 (see `handle_min_max()`) + - `irrelevant` data is replaced by mean (arithmetic) + - Other is replaced by mean and warning is issued + + Parameters + ---------- + group_df + + Returns + ------- + + """ + + def handle_min_max(group_df: pd.DataFrame) -> pd.DataFrame: + """ + This function should find and fill in missing min and max values in the data + + Missing min value is set to 0. + Missing max value is set to 9999999999999. + + Min values: + capacity_p_min + capacity_e_min + capacity_w_min + flow_share_min_ + + Max values: + potential_annual_max + capacity_p_max + capacity_e_max + capacity_w_max + + availability_timeseries_max + capacity_tra_connection_max + flow_share_max_ + sto_cycles_max + sto_max_timeseries + + Returns + ------- + + """ + max_value = 9999999999999 + min_value = 0 + + min = ["capacity_p_min", "capacity_e_min", "capacity_w_min", "flow_share_min_"] + + max = [ + "potential_annual_max", + "capacity_p_max", + "capacity_e_max", + "capacity_w_max", + "availability_timeseries_max", + "capacity_tra_connection_max", + "flow_share_max_", + "sto_cycles_max", + "sto_max_timeseries", + "capacity_p_abs_new_max", + "capacity_e_abs_new_max", + "capacity_w_abs_new_max", + ] + + for column in group_df.columns: + if column in ["method", "source", "comment", "bandwidth_type"]: + continue + + """ + Following is a check whether nans can be filled. + + Commented check for columns that are faulty and need to be changed + Commented Error for incomplete columns as we dont know where it may cause errors yet + + """ + if column in max: + group_df[column] = group_df[column].fillna(max_value) + elif column in min: + group_df[column] = group_df[column].fillna(min_value) + + return group_df + + def find_and_replace_irrelevant_data(group_df: pd.DataFrame) -> pd.DataFrame: + """ + Finds and replaces irrelevant Data. + + Searches for where investment is allowed + - If allowed Investmet is 0, nan data is replaced by mean. + Searches for decomissioned Processes + - If capacity of a process is 0, nan data is replaced by mean. + + Parameters + ---------- + group_df + + Returns + ------- + + """ + + capacity_columns = [ + "capacity_p_inst_0", + "capacity_e_inst_0", + "capacity_w_inst_0", + "capacity_tra_inst_0", + ] + + invest_zero = [ + "capacity_p_abs_new_max", + "capacity_e_abs_new_max", + "capacity_w_abs_new_max", + ] + + max_zero = ["capacity_p_max", "capacity_e_max", "capacity_w_max"] + + # Get relevant columns that appear in dataframe + max_col = [d for d in max_zero if d in group_df.columns] + invest_col = [d for d in invest_zero if d in group_df.columns] + capacity_col = [d for d in capacity_columns if d in group_df.columns] + + # Set all indices to "not be filled" (False) + fill_indices = pd.Series([False] * len(group_df), index=group_df.index) + + # Capacity and Investment cannot be set in parallel. If both columns appear in dataframe + # Fill the ones where capacity is set to 0 (decomissioned) + if len(capacity_col) == 1 and (len(invest_col) != 0 or len(max_col) != 0): + # Add Indices where capacity is 0 + fill_indices += group_df[capacity_col[0]] == 0 + elif len(max_col) == 1: + # Add indices where capacity max == 0 (making investment impossible) + fill_indices += group_df[max_col[0]] == 0 + elif len(invest_col) == 1: + # Add indices where investment is not allowed + fill_indices += group_df[invest_col[0]] == 0 + + # Fill indices + group_df.loc[fill_indices] = group_df.fillna( + group_df.mean(numeric_only=True) + ).loc[fill_indices] + + return group_df + + group_df = handle_min_max(group_df) + return find_and_replace_irrelevant_data(group_df) diff --git a/data_adapter_oemof/settings.py b/data_adapter_oemof/settings.py index aea3add..3f93fa2 100644 --- a/data_adapter_oemof/settings.py +++ b/data_adapter_oemof/settings.py @@ -1,3 +1,4 @@ +import logging import os import pathlib from pathlib import Path @@ -36,3 +37,45 @@ Path(__file__).parent / "mappings" / "PROCESS_ADAPTER_MAP.yaml" ) BUS_MAP = load_yaml(Path(__file__).parent / "mappings" / "BUS_MAP.yaml") + + +class CustomFormatter(logging.Formatter): + """Logging colored formatter, adapted from https://stackoverflow.com/a/56944256/3638629""" + + grey = "\x1b[38;21m" + blue = "\x1b[38;5;39m" + yellow = "\x1b[38;5;226m" + red = "\x1b[38;5;196m" + bold_red = "\x1b[31;1m" + reset = "\x1b[0m" + green = "'\x1b[38;5;82m'" + + def __init__(self, fmt): + super().__init__() + self.fmt = fmt + self.FORMATS = { + logging.DEBUG: self.grey + self.fmt + self.reset, + logging.INFO: self.green + self.fmt + self.reset, + logging.WARNING: self.yellow + self.fmt + self.reset, + logging.ERROR: self.red + self.fmt + self.reset, + logging.CRITICAL: self.bold_red + self.fmt + self.reset, + } + + def format(self, record): + log_fmt = self.FORMATS.get(record.levelno) + formatter = logging.Formatter(log_fmt) + return formatter.format(record) + + +logger = logging.getLogger() +logger.setLevel(logging.INFO) + +console_handler = logging.StreamHandler() +console_handler.setLevel(logging.INFO) + +formatter = CustomFormatter("%(levelname)s: %(message)s") +console_handler.setFormatter(formatter) + +logger.addHandler(console_handler) + +# Initialize logging configuration diff --git a/data_adapter_oemof/utils.py b/data_adapter_oemof/utils.py index 09f21ab..16af935 100644 --- a/data_adapter_oemof/utils.py +++ b/data_adapter_oemof/utils.py @@ -53,3 +53,39 @@ def convert_mixed_types_to_same_length(column): ] else: return column + + +def divide_two_lists(dividend, divisor): + """ + Divides two lists returns quotient, returns 0 if divisor is 0 + + Lists must be same length + + Parameters + ---------- + dividend + divisor + + Returns divided list + ------- + + """ + return [i / j if j != 0 else 0 for i, j in zip(dividend, divisor)] + + +def multiply_two_lists(l1, l2): + """ + Multiplies two lists + + Lists must be same length + + Parameters + ---------- + l1 + l2 + + Returns divided list + ------- + + """ + return [i * j for i, j in zip(l1, l2)] diff --git a/examples/industry/.env b/examples/industry/.env new file mode 100644 index 0000000..2a764b6 --- /dev/null +++ b/examples/industry/.env @@ -0,0 +1,2 @@ +COLLECTIONS_DIR = ./collections/ +STRUCTURES_DIR= "" diff --git a/examples/industry/Industriestruktur.xlsx b/examples/industry/Industriestruktur.xlsx deleted file mode 100644 index c0ca2e6..0000000 Binary files a/examples/industry/Industriestruktur.xlsx and /dev/null differ diff --git a/examples/industry/collections/.gitkeep b/examples/industry/collections/.gitkeep new file mode 100644 index 0000000..e69de29 diff --git a/examples/industry/data_adapter_industry.py b/examples/industry/data_adapter_industry.py index c126b0b..6f93ff5 100644 --- a/examples/industry/data_adapter_industry.py +++ b/examples/industry/data_adapter_industry.py @@ -1,61 +1,97 @@ -import os +import logging import pathlib -os.environ["COLLECTIONS_DIR"] = "./collections/" -os.environ["STRUCTURES_DIR"] = "" - +import pandas as pd from data_adapter.databus import download_collection # noqa from data_adapter.preprocessing import Adapter # noqa: E402 from data_adapter.structure import Structure # noqa: E402 +from oemof.solph import Model, processing +from oemof.solph._energy_system import EnergySystem +from oemof.solph.buses import Bus +from oemof.tabular.datapackage import building # noqa F401 +from oemof.tabular.datapackage.reading import ( + deserialize_constraints, + deserialize_energy_system, +) +from oemof.tabular.facades import ( + Commodity, + Conversion, + Excess, + Load, + Volatile, + Storage, + ConversionGHG, + CommodityGHG, +) +from oemof_industry.mimo_converter import MIMO from data_adapter_oemof.build_datapackage import DataPackage # noqa: E402 -# Download Collection -# download_collection( -# "https://databus.openenergyplatform.org/felixmaur/collections/steel_industry_test/" -# ) +logger = logging.getLogger() + +EnergySystem.from_datapackage = classmethod(deserialize_energy_system) + +Model.add_constraints_from_datapackage = deserialize_constraints + +DEBUG = True # set to False for full run. DEBUG reduces to 5 time steps per period + +""" +Download Collection -# After download, comment `download_collection` and adapt `collection.json`! -# If uncommented, collection might be downloaded again and changes will be -# reversed! -# Replace each `NaN` value in `names` of "ind_scalar" with "ind_scalar" -# in `collection.json` +Some datasets must be adjusted due to wrong formatting in comments + - x2x_import_hydrogen_renewable + - x2x_p2gas_aec_1 + - x2x_p2gas_pemec_1 + - x2x_x2gas_mpyr_1 + +Also adjust Modelstructure: + Delete lines: + - helper sinks in HelperO1 + - red marked lines in ProcessO1 (not yet uploaded or deleted data) +""" + +from data_adapter.databus import download_collection + +download_collection( + "https://databus.openenergyplatform.org/felixmaur/collections/steel_industry_test/" +) + +logger.info("Reading Structure") structure = Structure( - "Industriestruktur", - process_sheet="process_set_steel_casting", - parameter_sheet="parameter_input_output_steel_ca", - helper_sheet="steel_casting_helper", + "SEDOS_Modellstruktur", + process_sheet="Processes_O1", + parameter_sheet="Parameter_Input-Output", + helper_sheet="Helper_O1", ) adapter = Adapter( "steel_industry_test", structure=structure, ) -process_adapter_map = { - "modex_tech_storage_battery": "StorageAdapter", - "modex_tech_generator_gas": "ConversionAdapter", - "modex_tech_wind_turbine_onshore": "VolatileAdapter", - "modex_demand": "LoadAdapter", - "ind_scalars": "LoadAdapter", - "pow_combustion_gt_natgas": "ConversionAdapter", - "x2x_import_natural_gas": "CommodityAdapter", - "x2x_import_crudesteel": "CommodityAdapter", - "x2x_import_coke_oven_gas": "CommodityAdapter", - "x2x_import_h2": "CommodityAdapter", - "ind_steel_casting_1": "MIMOAdapter", - "ind_steel_casting_0": "MIMOAdapter", - "ind_steel_hyddri_1": "MIMOAdapter", - "ind_steel_demand": "LoadAdapter", - "x2x_import_elec": "CommodityAdapter", - "ind_steel_boiler_0": "ConversionAdapter", - "excess_co2": "ExcessAdapter", - "excess_ch4": "ExcessAdapter", - "excess_n2o": "ExcessAdapter", -} + +logger.info("Building Adapter Map") + +# create dicitonary with all found in and outputs +process_adapter_map = pd.concat( + [ + pd.read_excel( + io=structure.structure_file, + sheet_name="Processes_O1", + usecols=("process", "facade adapter (oemof)"), + index_col="process", + ), + pd.read_excel( + io=structure.structure_file, + sheet_name="Helper_O1", + usecols=("process", "facade adapter (oemof)"), + index_col="process", + ), + ] +).to_dict(orient="dict")["facade adapter (oemof)"] parameter_map = { - "DEFAULT": {}, + "DEFAULT": {"interest_rate": "wacc"}, "StorageAdapter": { "capacity_potential": "expansion_limit", "capacity": "installed_capacity", @@ -63,18 +99,235 @@ "inflow_conversion_factor": "input_ratio", "outflow_conversion_factor": "output_ratio", }, - "MIMOAdapter": { - "capacity_cost": "cost_fix_capacity_w", - "capacity": "capacity_w_resid", - "expandable": "capacity_w_abs_new_max", + "CommodityAdapter": {}, + "x2x_import_biogas": {"amount": "capacity_w_inst_0", "marginal_cost": "cost_var_e"}, + "x2x_import_coal": {"amount": "capacity_w_inst_0", "marginal_cost": "cost_var_e"}, + "x2x_import_hydrogen_renewable": { + "amount": "capacity_w_inst_0", + "marginal_cost": "cost_var_e", + }, + "x2x_other_biogas_treatment": {"marginal_cost": "cost_var_e"}, + "ind_source_steel_scrap_iron": {"amount": "capacity_w_inst_0"}, + "ind_steel_sinter_0": {"capacity": "capacity_w_inst_0"}, + "ind_steel_coke_plant_0": {"capacity": "capacity_e_inst_0"}, + "ind_steel_blafu_0": {"capacity": "capacity_w_inst_0"}, + "ind_steel_oxyfu_0": {"capacity": "capacity_w_inst_0"}, + "ind_steel_casting_0": {"capacity": "capacity_w_inst_0"}, + "ind_steel_elefu_0": {"capacity": "capacity_w_inst_0"}, + "x2x_delivery_methane_pipeline_0": { + "capacity": "capacity_p_max", + "marginal_cost": "cost_var_p", + }, + "x2x_x2gas_sr_syngas_0": { + "capacity": "capacity_p_inst", + "capacity_cost": "cost_inv_p", + "fixed_costs": "cost_fix_p", + }, + "ind_steel_coke_plant_1": { + "capacity_potential": "capacity_e_abs_new_max", + "capacity_cost": "cost_inv_e", + "fixed_costs": "cost_fix_e", + "marginal_cost": "cost_var_e", + }, + "ind_steel_sinter_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + }, + "ind_steel_blafu_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + }, + "ind_steel_blafu_cc_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + }, + "ind_steel_oxyfu_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + # "max":"availability_constant" + }, + "ind_steel_casting_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + # "max":"availability_constant" + }, + "ind_steel_elefu_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + # "max":"availability_constant" + }, + "ind_steel_dirred_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + # "max":"availability_constant" + }, + "ind_steel_sponge_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + # "max":"availability_constant" + }, + "ind_steel_pellet_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + # "max":"availability_constant" + }, + "ind_steel_hyddri_1": { + "capacity_potential": "capacity_w_abs_new_max", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + "marginal_cost": "cost_var_w", + # "max":"availability_constant" + }, + "x2x_delivery_hydrogen_pipeline_retrofit_1": { + "capacity_potential": "capacity_p_max", + "capacity_cost": "cost_inv_p", + "fixed_costs": "cost_fix_p", + "marginal_cost": "cost_var_p", + }, + "x2x_delivery_hydrogen_pipeline_new_1": { + "capacity_cost": "cost_inv_p", + "fixed_costs": "cost_fix_p", + }, + "x2x_g2p_pemfc_ls_1": { + "capacity_cost": "cost_inv_p", + "fixed_costs": "cost_fix_p", + }, + "x2x_g2p_sofc_ls_1": { + "capacity_cost": "cost_inv_p", + "fixed_costs": "cost_fix_p", + }, + "x2x_other_dac_ht_1": { + "marginal_cost": "cost_var_w", + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + }, + "x2x_other_dac_lt_1": { + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + }, + "x2x_p2gas_aec_1": { + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + }, + "x2x_p2gas_pemec_1": { + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + }, + "x2x_p2gas_biom_1": { + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + }, + "x2x_p2gas_sabm_1": { + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + }, + "x2x_p2gas_soec_1": { + "capacity_cost": "cost_inv_w", + "fixed_costs": "cost_fix_w", + }, + "x2x_x2gas_mpyr_1": { + "capacity_cost": "cost_inv_p", + "fixed_costs": "cost_fix_p", + "marginal_cost": "cost_var_e", + }, + "x2x_x2gas_sr_syngas_1": { + "capacity_cost": "cost_inv_p", + "fixed_costs": "cost_fix_p", + }, + "x2x_storage_hydrogen_lohc_1": { + "efficiency": "efficiency_sto_in", + "fixed_costs": "cost_fix_w", + "loss_rate": "sto_self_discharge", + "storage_capacity_cost": "cost_inv_e", + "fixed_costs": "cost_fix_p", + "marginal_cost": "cost_var_e", + }, + "x2x_storage_hydrogen_new_1": { + "efficiency": "efficiency_sto_in", + "loss_rate": "sto_self_discharge", + "storage_capacity_cost": "cost_inv_e", + "fixed_costs": "cost_fix_w", + "fixed_costs": "cost_fix_p", + "marginal_cost": "cost_var_e", + "capacity_capacity_potential": "capacity_e_max", + }, + "x2x_storage_hydrogen_retrofit_1": { + "efficiency": "efficiency_sto_in", + "fixed_costs": "cost_fix_p", + "loss_rate": "sto_self_discharge", + "storage_capacity_cost": "cost_inv_e", + "fixed_costs": "cost_fix_p", + "marginal_cost": "cost_var_e", + "capacity_capacity_potential": "capacity_e_max", + "storage_capacity": "capacity_e_inst", + }, + "x2x_storage_methane_0": { + "efficiency": "efficiency_sto_in", + "fixed_costs": "cost_fix_p", + "loss_rate": "sto_self_discharge", + "storage_capacity_cost": "cost_inv_e", + "fixed_costs": "cost_fix_p", + "marginal_cost": "cost_var_e", + "capacity_capacity_potential": "capacity_e_max", + "storage_capacity": "capacity_e_inst", + }, + "helper_sink_exo_steel": { + "profile": "demand_timeseries_fixed", + "amount": "demand_annual", }, - "modex_tech_wind_turbine_onshore": {"profile": "onshore"}, } - +logger.info("Building datapackage...") dp = DataPackage.build_datapackage( adapter=adapter, process_adapter_map=process_adapter_map, parameter_map=parameter_map, + debug=DEBUG, # set DEBUG to False for full run. DEBUG reduces to 5 time steps per period ) datapackage_path = pathlib.Path(__file__).parent / "datapackage" dp.save_datapackage_to_csv(str(datapackage_path)) + + +logger.info("Building EnergySystem") +es = EnergySystem.from_datapackage( + path="datapackage/datapackage.json", + typemap={ + "bus": Bus, + "excess": Excess, + "commodity": Commodity, + "conversion": Conversion, + "load": Load, + "volatile": Volatile, + "mimo": MIMO, + "storage": Storage, + "conversion_ghg": ConversionGHG, + "commodity_ghg": CommodityGHG, + }, +) + +logger.info("Building Model...") +m = Model(es) +logger.info("Solving Model...") +m.solve(solver="cbc") +logger.warning(m.solver_results["Solver"][0]["Termination condition"]) +print(m.solver_results["Solver"][0]["Termination condition"]) +logger.info("Reding Results") +results = processing.results(m) +logger.info("Writing Results and Goodbye :)") diff --git a/examples/industry/datapackage/.gitkeep b/examples/industry/datapackage/.gitkeep new file mode 100644 index 0000000..e69de29 diff --git a/examples/industry/structures/SEDOS_Modellstruktur_sh_test.xlsx b/examples/industry/structures/SEDOS_Modellstruktur_sh_test.xlsx new file mode 100755 index 0000000..c3d8367 Binary files /dev/null and b/examples/industry/structures/SEDOS_Modellstruktur_sh_test.xlsx differ diff --git a/poetry.lock b/poetry.lock index c9d7a28..6529c9f 100644 --- a/poetry.lock +++ b/poetry.lock @@ -32,38 +32,38 @@ tests-no-zope = ["attrs[tests-mypy]", "cloudpickle", "hypothesis", "pympler", "p [[package]] name = "bcrypt" -version = "4.1.3" +version = "4.2.0" description = "Modern password hashing for your software and your servers" optional = false python-versions = ">=3.7" files = [ - {file = "bcrypt-4.1.3-cp37-abi3-macosx_10_12_universal2.whl", hash = "sha256:48429c83292b57bf4af6ab75809f8f4daf52aa5d480632e53707805cc1ce9b74"}, - {file = "bcrypt-4.1.3-cp37-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4a8bea4c152b91fd8319fef4c6a790da5c07840421c2b785084989bf8bbb7455"}, - {file = "bcrypt-4.1.3-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3d3b317050a9a711a5c7214bf04e28333cf528e0ed0ec9a4e55ba628d0f07c1a"}, - {file = "bcrypt-4.1.3-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:094fd31e08c2b102a14880ee5b3d09913ecf334cd604af27e1013c76831f7b05"}, - {file = "bcrypt-4.1.3-cp37-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:4fb253d65da30d9269e0a6f4b0de32bd657a0208a6f4e43d3e645774fb5457f3"}, - {file = "bcrypt-4.1.3-cp37-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:193bb49eeeb9c1e2db9ba65d09dc6384edd5608d9d672b4125e9320af9153a15"}, - {file = "bcrypt-4.1.3-cp37-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:8cbb119267068c2581ae38790e0d1fbae65d0725247a930fc9900c285d95725d"}, - {file = "bcrypt-4.1.3-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:6cac78a8d42f9d120b3987f82252bdbeb7e6e900a5e1ba37f6be6fe4e3848286"}, - {file = "bcrypt-4.1.3-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:01746eb2c4299dd0ae1670234bf77704f581dd72cc180f444bfe74eb80495b64"}, - {file = "bcrypt-4.1.3-cp37-abi3-win32.whl", hash = "sha256:037c5bf7c196a63dcce75545c8874610c600809d5d82c305dd327cd4969995bf"}, - {file = "bcrypt-4.1.3-cp37-abi3-win_amd64.whl", hash = "sha256:8a893d192dfb7c8e883c4576813bf18bb9d59e2cfd88b68b725990f033f1b978"}, - {file = "bcrypt-4.1.3-cp39-abi3-macosx_10_12_universal2.whl", hash = "sha256:0d4cf6ef1525f79255ef048b3489602868c47aea61f375377f0d00514fe4a78c"}, - {file = "bcrypt-4.1.3-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f5698ce5292a4e4b9e5861f7e53b1d89242ad39d54c3da451a93cac17b61921a"}, - {file = "bcrypt-4.1.3-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ec3c2e1ca3e5c4b9edb94290b356d082b721f3f50758bce7cce11d8a7c89ce84"}, - {file = "bcrypt-4.1.3-cp39-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:3a5be252fef513363fe281bafc596c31b552cf81d04c5085bc5dac29670faa08"}, - {file = "bcrypt-4.1.3-cp39-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:5f7cd3399fbc4ec290378b541b0cf3d4398e4737a65d0f938c7c0f9d5e686611"}, - {file = "bcrypt-4.1.3-cp39-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:c4c8d9b3e97209dd7111bf726e79f638ad9224b4691d1c7cfefa571a09b1b2d6"}, - {file = "bcrypt-4.1.3-cp39-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:31adb9cbb8737a581a843e13df22ffb7c84638342de3708a98d5c986770f2834"}, - {file = "bcrypt-4.1.3-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:551b320396e1d05e49cc18dd77d970accd52b322441628aca04801bbd1d52a73"}, - {file = "bcrypt-4.1.3-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:6717543d2c110a155e6821ce5670c1f512f602eabb77dba95717ca76af79867d"}, - {file = "bcrypt-4.1.3-cp39-abi3-win32.whl", hash = "sha256:6004f5229b50f8493c49232b8e75726b568535fd300e5039e255d919fc3a07f2"}, - {file = "bcrypt-4.1.3-cp39-abi3-win_amd64.whl", hash = "sha256:2505b54afb074627111b5a8dc9b6ae69d0f01fea65c2fcaea403448c503d3991"}, - {file = "bcrypt-4.1.3-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:cb9c707c10bddaf9e5ba7cdb769f3e889e60b7d4fea22834b261f51ca2b89fed"}, - {file = "bcrypt-4.1.3-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:9f8ea645eb94fb6e7bea0cf4ba121c07a3a182ac52876493870033141aa687bc"}, - {file = "bcrypt-4.1.3-pp39-pypy39_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:f44a97780677e7ac0ca393bd7982b19dbbd8d7228c1afe10b128fd9550eef5f1"}, - {file = "bcrypt-4.1.3-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:d84702adb8f2798d813b17d8187d27076cca3cd52fe3686bb07a9083930ce650"}, - {file = "bcrypt-4.1.3.tar.gz", hash = "sha256:2ee15dd749f5952fe3f0430d0ff6b74082e159c50332a1413d51b5689cf06623"}, + {file = "bcrypt-4.2.0-cp37-abi3-macosx_10_12_universal2.whl", hash = "sha256:096a15d26ed6ce37a14c1ac1e48119660f21b24cba457f160a4b830f3fe6b5cb"}, + {file = "bcrypt-4.2.0-cp37-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c02d944ca89d9b1922ceb8a46460dd17df1ba37ab66feac4870f6862a1533c00"}, + {file = "bcrypt-4.2.0-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d84cf6d877918620b687b8fd1bf7781d11e8a0998f576c7aa939776b512b98d"}, + {file = "bcrypt-4.2.0-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:1bb429fedbe0249465cdd85a58e8376f31bb315e484f16e68ca4c786dcc04291"}, + {file = "bcrypt-4.2.0-cp37-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:655ea221910bcac76ea08aaa76df427ef8625f92e55a8ee44fbf7753dbabb328"}, + {file = "bcrypt-4.2.0-cp37-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:1ee38e858bf5d0287c39b7a1fc59eec64bbf880c7d504d3a06a96c16e14058e7"}, + {file = "bcrypt-4.2.0-cp37-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:0da52759f7f30e83f1e30a888d9163a81353ef224d82dc58eb5bb52efcabc399"}, + {file = "bcrypt-4.2.0-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:3698393a1b1f1fd5714524193849d0c6d524d33523acca37cd28f02899285060"}, + {file = "bcrypt-4.2.0-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:762a2c5fb35f89606a9fde5e51392dad0cd1ab7ae64149a8b935fe8d79dd5ed7"}, + {file = "bcrypt-4.2.0-cp37-abi3-win32.whl", hash = "sha256:5a1e8aa9b28ae28020a3ac4b053117fb51c57a010b9f969603ed885f23841458"}, + {file = "bcrypt-4.2.0-cp37-abi3-win_amd64.whl", hash = "sha256:8f6ede91359e5df88d1f5c1ef47428a4420136f3ce97763e31b86dd8280fbdf5"}, + {file = "bcrypt-4.2.0-cp39-abi3-macosx_10_12_universal2.whl", hash = "sha256:c52aac18ea1f4a4f65963ea4f9530c306b56ccd0c6f8c8da0c06976e34a6e841"}, + {file = "bcrypt-4.2.0-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3bbbfb2734f0e4f37c5136130405332640a1e46e6b23e000eeff2ba8d005da68"}, + {file = "bcrypt-4.2.0-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3413bd60460f76097ee2e0a493ccebe4a7601918219c02f503984f0a7ee0aebe"}, + {file = "bcrypt-4.2.0-cp39-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:8d7bb9c42801035e61c109c345a28ed7e84426ae4865511eb82e913df18f58c2"}, + {file = "bcrypt-4.2.0-cp39-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:3d3a6d28cb2305b43feac298774b997e372e56c7c7afd90a12b3dc49b189151c"}, + {file = "bcrypt-4.2.0-cp39-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:9c1c4ad86351339c5f320ca372dfba6cb6beb25e8efc659bedd918d921956bae"}, + {file = "bcrypt-4.2.0-cp39-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:27fe0f57bb5573104b5a6de5e4153c60814c711b29364c10a75a54bb6d7ff48d"}, + {file = "bcrypt-4.2.0-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:8ac68872c82f1add6a20bd489870c71b00ebacd2e9134a8aa3f98a0052ab4b0e"}, + {file = "bcrypt-4.2.0-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:cb2a8ec2bc07d3553ccebf0746bbf3d19426d1c6d1adbd4fa48925f66af7b9e8"}, + {file = "bcrypt-4.2.0-cp39-abi3-win32.whl", hash = "sha256:77800b7147c9dc905db1cba26abe31e504d8247ac73580b4aa179f98e6608f34"}, + {file = "bcrypt-4.2.0-cp39-abi3-win_amd64.whl", hash = "sha256:61ed14326ee023917ecd093ee6ef422a72f3aec6f07e21ea5f10622b735538a9"}, + {file = "bcrypt-4.2.0-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:39e1d30c7233cfc54f5c3f2c825156fe044efdd3e0b9d309512cc514a263ec2a"}, + {file = "bcrypt-4.2.0-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:f4f4acf526fcd1c34e7ce851147deedd4e26e6402369304220250598b26448db"}, + {file = "bcrypt-4.2.0-pp39-pypy39_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:1ff39b78a52cf03fdf902635e4c81e544714861ba3f0efc56558979dd4f09170"}, + {file = "bcrypt-4.2.0-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:373db9abe198e8e2c70d12b479464e0d5092cc122b20ec504097b5f2297ed184"}, + {file = "bcrypt-4.2.0.tar.gz", hash = "sha256:cf69eaf5185fd58f268f805b505ce31f9b9fc2d64b376642164e9244540c1221"}, ] [package.extras] @@ -96,13 +96,13 @@ d = ["aiohttp (>=3.3.2)", "aiohttp-cors"] [[package]] name = "blinker" -version = "1.8.1" +version = "1.8.2" description = "Fast, simple object-to-object and broadcast signaling" optional = false python-versions = ">=3.8" files = [ - {file = "blinker-1.8.1-py3-none-any.whl", hash = "sha256:5f1cdeff423b77c31b89de0565cd03e5275a03028f44b2b15f912632a58cced6"}, - {file = "blinker-1.8.1.tar.gz", hash = "sha256:da44ec748222dcd0105ef975eed946da197d5bdf8bafb6aa92f5bc89da63fa25"}, + {file = "blinker-1.8.2-py3-none-any.whl", hash = "sha256:1779309f71bf239144b9399d06ae925637cf6634cf6bd131104184531bf67c01"}, + {file = "blinker-1.8.2.tar.gz", hash = "sha256:8f77b09d3bf7c795e969e9486f39c2c5e9c39d4ee07424be2bc594ece9642d83"}, ] [[package]] @@ -183,13 +183,13 @@ files = [ [[package]] name = "certifi" -version = "2024.2.2" +version = "2024.7.4" description = "Python package for providing Mozilla's CA Bundle." optional = false python-versions = ">=3.6" files = [ - {file = "certifi-2024.2.2-py3-none-any.whl", hash = "sha256:dc383c07b76109f368f6106eee2b593b04a011ea4d55f652c6ca24a754d1cdd1"}, - {file = "certifi-2024.2.2.tar.gz", hash = "sha256:0569859f95fc761b18b45ef421b1290a0f65f147e92a1e5eb3e635f9a5e4e66f"}, + {file = "certifi-2024.7.4-py3-none-any.whl", hash = "sha256:c198e21b1289c2ab85ee4e67bb4b4ef3ead0892059901a8d5b622f24a1101e90"}, + {file = "certifi-2024.7.4.tar.gz", hash = "sha256:5a1e7645bc0ec61a09e26c36f6106dd4cf40c6db3a1fb6352b0244e7fb057c7b"}, ] [[package]] @@ -463,43 +463,38 @@ toml = ["tomli"] [[package]] name = "cryptography" -version = "42.0.6" +version = "43.0.0" description = "cryptography is a package which provides cryptographic recipes and primitives to Python developers." optional = false python-versions = ">=3.7" files = [ - {file = "cryptography-42.0.6-cp37-abi3-macosx_10_12_universal2.whl", hash = "sha256:073104df012fc815eed976cd7d0a386c8725d0d0947cf9c37f6c36a6c20feb1b"}, - {file = "cryptography-42.0.6-cp37-abi3-macosx_10_12_x86_64.whl", hash = "sha256:5967e3632f42b0c0f9dc2c9da88c79eabdda317860b246d1fbbde4a8bbbc3b44"}, - {file = "cryptography-42.0.6-cp37-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b99831397fdc6e6e0aa088b060c278c6e635d25c0d4d14bdf045bf81792fda0a"}, - {file = "cryptography-42.0.6-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:089aeb297ff89615934b22c7631448598495ffd775b7d540a55cfee35a677bf4"}, - {file = "cryptography-42.0.6-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:97eeacae9aa526ddafe68b9202a535f581e21d78f16688a84c8dcc063618e121"}, - {file = "cryptography-42.0.6-cp37-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:f4cece02478d73dacd52be57a521d168af64ae03d2a567c0c4eb6f189c3b9d79"}, - {file = "cryptography-42.0.6-cp37-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:aeb6f56b004e898df5530fa873e598ec78eb338ba35f6fa1449970800b1d97c2"}, - {file = "cryptography-42.0.6-cp37-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:8b90c57b3cd6128e0863b894ce77bd36fcb5f430bf2377bc3678c2f56e232316"}, - {file = "cryptography-42.0.6-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:d16a310c770cc49908c500c2ceb011f2840674101a587d39fa3ea828915b7e83"}, - {file = "cryptography-42.0.6-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:e3442601d276bd9e961d618b799761b4e5d892f938e8a4fe1efbe2752be90455"}, - {file = "cryptography-42.0.6-cp37-abi3-win32.whl", hash = "sha256:00c0faa5b021457848d031ecff041262211cc1e2bce5f6e6e6c8108018f6b44a"}, - {file = "cryptography-42.0.6-cp37-abi3-win_amd64.whl", hash = "sha256:b16b90605c62bcb3aa7755d62cf5e746828cfc3f965a65211849e00c46f8348d"}, - {file = "cryptography-42.0.6-cp39-abi3-macosx_10_12_universal2.whl", hash = "sha256:eecca86813c6a923cabff284b82ff4d73d9e91241dc176250192c3a9b9902a54"}, - {file = "cryptography-42.0.6-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d93080d2b01b292e7ee4d247bf93ed802b0100f5baa3fa5fd6d374716fa480d4"}, - {file = "cryptography-42.0.6-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9ff75b88a4d273c06d968ad535e6cb6a039dd32db54fe36f05ed62ac3ef64a44"}, - {file = "cryptography-42.0.6-cp39-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:c05230d8aaaa6b8ab3ab41394dc06eb3d916131df1c9dcb4c94e8f041f704b74"}, - {file = "cryptography-42.0.6-cp39-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:9184aff0856261ecb566a3eb26a05dfe13a292c85ce5c59b04e4aa09e5814187"}, - {file = "cryptography-42.0.6-cp39-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:4bdb39ecbf05626e4bfa1efd773bb10346af297af14fb3f4c7cb91a1d2f34a46"}, - {file = "cryptography-42.0.6-cp39-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:e85f433230add2aa26b66d018e21134000067d210c9c68ef7544ba65fc52e3eb"}, - {file = "cryptography-42.0.6-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:65d529c31bd65d54ce6b926a01e1b66eacf770b7e87c0622516a840e400ec732"}, - {file = "cryptography-42.0.6-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:f1e933b238978ccfa77b1fee0a297b3c04983f4cb84ae1c33b0ea4ae08266cc9"}, - {file = "cryptography-42.0.6-cp39-abi3-win32.whl", hash = "sha256:bc954251edcd8a952eeaec8ae989fec7fe48109ab343138d537b7ea5bb41071a"}, - {file = "cryptography-42.0.6-cp39-abi3-win_amd64.whl", hash = "sha256:9f1a3bc2747166b0643b00e0b56cd9b661afc9d5ff963acaac7a9c7b2b1ef638"}, - {file = "cryptography-42.0.6-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:945a43ebf036dd4b43ebfbbd6b0f2db29ad3d39df824fb77476ca5777a9dde33"}, - {file = "cryptography-42.0.6-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:f567a82b7c2b99257cca2a1c902c1b129787278ff67148f188784245c7ed5495"}, - {file = "cryptography-42.0.6-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:3b750279f3e7715df6f68050707a0cee7cbe81ba2eeb2f21d081bd205885ffed"}, - {file = "cryptography-42.0.6-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:6981acac509cc9415344cb5bfea8130096ea6ebcc917e75503143a1e9e829160"}, - {file = "cryptography-42.0.6-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:076c92b08dd1ab88108bc84545187e10d3693a9299c593f98c4ea195a0b0ead7"}, - {file = "cryptography-42.0.6-pp39-pypy39_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:81dbe47e28b703bc4711ac74a64ef8b758a0cf056ce81d08e39116ab4bc126fa"}, - {file = "cryptography-42.0.6-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:e1f5f15c5ddadf6ee4d1d624a2ae940f14bd74536230b0056ccb28bb6248e42a"}, - {file = "cryptography-42.0.6-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:43e521f21c2458038d72e8cdfd4d4d9f1d00906a7b6636c4272e35f650d1699b"}, - {file = "cryptography-42.0.6.tar.gz", hash = "sha256:f987a244dfb0333fbd74a691c36000a2569eaf7c7cc2ac838f85f59f0588ddc9"}, + {file = "cryptography-43.0.0-cp37-abi3-macosx_10_9_universal2.whl", hash = "sha256:64c3f16e2a4fc51c0d06af28441881f98c5d91009b8caaff40cf3548089e9c74"}, + {file = "cryptography-43.0.0-cp37-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3dcdedae5c7710b9f97ac6bba7e1052b95c7083c9d0e9df96e02a1932e777895"}, + {file = "cryptography-43.0.0-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3d9a1eca329405219b605fac09ecfc09ac09e595d6def650a437523fcd08dd22"}, + {file = "cryptography-43.0.0-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:ea9e57f8ea880eeea38ab5abf9fbe39f923544d7884228ec67d666abd60f5a47"}, + {file = "cryptography-43.0.0-cp37-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:9a8d6802e0825767476f62aafed40532bd435e8a5f7d23bd8b4f5fd04cc80ecf"}, + {file = "cryptography-43.0.0-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:cc70b4b581f28d0a254d006f26949245e3657d40d8857066c2ae22a61222ef55"}, + {file = "cryptography-43.0.0-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:4a997df8c1c2aae1e1e5ac49c2e4f610ad037fc5a3aadc7b64e39dea42249431"}, + {file = "cryptography-43.0.0-cp37-abi3-win32.whl", hash = "sha256:6e2b11c55d260d03a8cf29ac9b5e0608d35f08077d8c087be96287f43af3ccdc"}, + {file = "cryptography-43.0.0-cp37-abi3-win_amd64.whl", hash = "sha256:31e44a986ceccec3d0498e16f3d27b2ee5fdf69ce2ab89b52eaad1d2f33d8778"}, + {file = "cryptography-43.0.0-cp39-abi3-macosx_10_9_universal2.whl", hash = "sha256:7b3f5fe74a5ca32d4d0f302ffe6680fcc5c28f8ef0dc0ae8f40c0f3a1b4fca66"}, + {file = "cryptography-43.0.0-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ac1955ce000cb29ab40def14fd1bbfa7af2017cca696ee696925615cafd0dce5"}, + {file = "cryptography-43.0.0-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:299d3da8e00b7e2b54bb02ef58d73cd5f55fb31f33ebbf33bd00d9aa6807df7e"}, + {file = "cryptography-43.0.0-cp39-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:ee0c405832ade84d4de74b9029bedb7b31200600fa524d218fc29bfa371e97f5"}, + {file = "cryptography-43.0.0-cp39-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:cb013933d4c127349b3948aa8aaf2f12c0353ad0eccd715ca789c8a0f671646f"}, + {file = "cryptography-43.0.0-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:fdcb265de28585de5b859ae13e3846a8e805268a823a12a4da2597f1f5afc9f0"}, + {file = "cryptography-43.0.0-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:2905ccf93a8a2a416f3ec01b1a7911c3fe4073ef35640e7ee5296754e30b762b"}, + {file = "cryptography-43.0.0-cp39-abi3-win32.whl", hash = "sha256:47ca71115e545954e6c1d207dd13461ab81f4eccfcb1345eac874828b5e3eaaf"}, + {file = "cryptography-43.0.0-cp39-abi3-win_amd64.whl", hash = "sha256:0663585d02f76929792470451a5ba64424acc3cd5227b03921dab0e2f27b1709"}, + {file = "cryptography-43.0.0-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:2c6d112bf61c5ef44042c253e4859b3cbbb50df2f78fa8fae6747a7814484a70"}, + {file = "cryptography-43.0.0-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:844b6d608374e7d08f4f6e6f9f7b951f9256db41421917dfb2d003dde4cd6b66"}, + {file = "cryptography-43.0.0-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:51956cf8730665e2bdf8ddb8da0056f699c1a5715648c1b0144670c1ba00b48f"}, + {file = "cryptography-43.0.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:aae4d918f6b180a8ab8bf6511a419473d107df4dbb4225c7b48c5c9602c38c7f"}, + {file = "cryptography-43.0.0-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:232ce02943a579095a339ac4b390fbbe97f5b5d5d107f8a08260ea2768be8cc2"}, + {file = "cryptography-43.0.0-pp39-pypy39_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:5bcb8a5620008a8034d39bce21dc3e23735dfdb6a33a06974739bfa04f853947"}, + {file = "cryptography-43.0.0-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:08a24a7070b2b6804c1940ff0f910ff728932a9d0e80e7814234269f9d46d069"}, + {file = "cryptography-43.0.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:e9c5266c432a1e23738d178e51c2c7a5e2ddf790f248be939448c0ba2021f9d1"}, + {file = "cryptography-43.0.0.tar.gz", hash = "sha256:b88075ada2d51aa9f18283532c9f60e72170041bba88d7f37e49cbb10275299e"}, ] [package.dependencies] @@ -512,7 +507,7 @@ nox = ["nox"] pep8test = ["check-sdist", "click", "mypy", "ruff"] sdist = ["build"] ssh = ["bcrypt (>=3.1.5)"] -test = ["certifi", "pretend", "pytest (>=6.2.0)", "pytest-benchmark", "pytest-cov", "pytest-xdist"] +test = ["certifi", "cryptography-vectors (==43.0.0)", "pretend", "pytest (>=6.2.0)", "pytest-benchmark", "pytest-cov", "pytest-xdist"] test-randomorder = ["pytest-randomly"] [[package]] @@ -536,8 +531,8 @@ units = "^0.7" [package.source] type = "git" url = "https://git@github.com/sedos-project/data_adapter" -reference = "main" -resolved_reference = "70696e652654a6fe2b7475a1dbb2d603650ff1f1" +reference = "dev" +resolved_reference = "661818f3bfd8cd5bca822fd794b183a40b638640" [[package]] name = "datapackage" @@ -603,13 +598,13 @@ files = [ [[package]] name = "exceptiongroup" -version = "1.2.1" +version = "1.2.2" description = "Backport of PEP 654 (exception groups)" optional = false python-versions = ">=3.7" files = [ - {file = "exceptiongroup-1.2.1-py3-none-any.whl", hash = "sha256:5258b9ed329c5bbdd31a309f53cbfb0b155341807f6ff7606a1e801a891b29ad"}, - {file = "exceptiongroup-1.2.1.tar.gz", hash = "sha256:a4785e48b045528f5bfe627b6ad554ff32def154f42372786903b7abcfe1aa16"}, + {file = "exceptiongroup-1.2.2-py3-none-any.whl", hash = "sha256:3111b9d131c238bec2f8f516e123e14ba243563fb135d3fe885990585aa7795b"}, + {file = "exceptiongroup-1.2.2.tar.gz", hash = "sha256:47c2edf7c6738fafb49fd34290706d1a1a2f4d1c6df275526b62cbb4aa5393cc"}, ] [package.extras] @@ -617,18 +612,18 @@ test = ["pytest (>=6)"] [[package]] name = "filelock" -version = "3.14.0" +version = "3.15.4" description = "A platform independent file lock." optional = false python-versions = ">=3.8" files = [ - {file = "filelock-3.14.0-py3-none-any.whl", hash = "sha256:43339835842f110ca7ae60f1e1c160714c5a6afd15a2873419ab185334975c0f"}, - {file = "filelock-3.14.0.tar.gz", hash = "sha256:6ea72da3be9b8c82afd3edcf99f2fffbb5076335a5ae4d03248bb5b6c3eae78a"}, + {file = "filelock-3.15.4-py3-none-any.whl", hash = "sha256:6ca1fffae96225dab4c6eaf1c4f4f28cd2568d3ec2a44e15a08520504de468e7"}, + {file = "filelock-3.15.4.tar.gz", hash = "sha256:2207938cbc1844345cb01a5a95524dae30f0ce089eba5b00378295a17e3e90cb"}, ] [package.extras] docs = ["furo (>=2023.9.10)", "sphinx (>=7.2.6)", "sphinx-autodoc-typehints (>=1.25.2)"] -testing = ["covdefaults (>=2.3)", "coverage (>=7.3.2)", "diff-cover (>=8.0.1)", "pytest (>=7.4.3)", "pytest-cov (>=4.1)", "pytest-mock (>=3.12)", "pytest-timeout (>=2.2)"] +testing = ["covdefaults (>=2.3)", "coverage (>=7.3.2)", "diff-cover (>=8.0.1)", "pytest (>=7.4.3)", "pytest-asyncio (>=0.21)", "pytest-cov (>=4.1)", "pytest-mock (>=3.12)", "pytest-timeout (>=2.2)", "virtualenv (>=20.26.2)"] typing = ["typing-extensions (>=4.8)"] [[package]] @@ -764,103 +759,79 @@ test = ["objgraph", "psutil"] [[package]] name = "highspy" -version = "1.5.3" -description = "Python interface to HiGHS" +version = "1.7.2" +description = "A thin set of pybind11 wrappers to HiGHS" optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "highspy-1.5.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:278d96770c66f8b0e527fbe24109a612db1c96eee1d868e8080e7f5268160d28"}, - {file = "highspy-1.5.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:bfe04d4fa59118d07693ffdf72576b18ec95958370b366695262b4e455aa8241"}, - {file = "highspy-1.5.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e94a09150c8a57fcb0192124547d085177a74218d316717ab636afc55b3d381d"}, - {file = "highspy-1.5.3-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6995cc6b46c13855237fc0f3d6c32e993dba9ef9f26f13adb1da2c6d982a7c35"}, - {file = "highspy-1.5.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3f7da5ea075ff798c1ba5958730bfc224231d2609f5a19f5a0d5fb402387173f"}, - {file = "highspy-1.5.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8c1c1b42a6ae70a066ff712eabc1bd271fc567bfb18f0c1c8abe8641889abfea"}, - {file = "highspy-1.5.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d557087be8815466ccad6d562f344199f8c1007f6ff04c3562b3143ae34b268"}, - {file = "highspy-1.5.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:119f224fabdba5b86085fd53f1e498743f127ec46a99880b6ae9adc5da57dd35"}, - {file = "highspy-1.5.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:24a875d5428919d4459fb43c461b36d48b8161b25a658905c60a15a808c15208"}, - {file = "highspy-1.5.3-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:384135fa90661376f387f26555cf6d63b922d87189d1427ee14d405d022ecf9f"}, - {file = "highspy-1.5.3-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:cb5a6a5f89d86af63ad7a9af7956a3df8b060835b48481d8040e63a40bf3bf21"}, - {file = "highspy-1.5.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:ba14016987dd6391d52fa660c1e13d48a3aec25444a5811b044a257c34e44144"}, - {file = "highspy-1.5.3-cp310-cp310-win_amd64.whl", hash = "sha256:25774188310e56ef353f7da7c4381daf1edfc4628c64f5d34fd78ecc7dbb6dbc"}, - {file = "highspy-1.5.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0764944ec48a62ad286ad0d1d2240679bec12e551f89fed9ca3c66f845f3621f"}, - {file = "highspy-1.5.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:3c8f07394118c9c433a5baa18c82c74da3b00ffac9c7cb2d7dc6ab8799861a43"}, - {file = "highspy-1.5.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:86820f34394fc602fe388d4625a2d6b1a16de2e9391217a73423a0c9b9fe88bf"}, - {file = "highspy-1.5.3-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:93fe5720296f0e6a6f850f87407b0018d55cdee5be98bc1f01d34414022cffd8"}, - {file = "highspy-1.5.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f878edcd2e8bb5e01f01fcd43d9da2a1965f155a11059f3d8069ee5223120dd0"}, - {file = "highspy-1.5.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:da9c7106e0b0de8c76741083d19b9f1cded4007ba2113b0f3b7370262e7afd0b"}, - {file = "highspy-1.5.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c1cc0e198361bb591b772c46dc0e943c8cb08c391f9a80914ac1aa3e7bf34579"}, - {file = "highspy-1.5.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:4e3bcf107825448a73409bcc8e487531e222c8fd535da754783f3752953fbaee"}, - {file = "highspy-1.5.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:405fda488d1b4b8622c021561761532a9479f8e5cda8788b8a26c3fa960eea7e"}, - {file = "highspy-1.5.3-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:fdc99a0c35d0129e7b240e1ece0be83de8ed7fd7a667882082bab6b3e0bf3870"}, - {file = "highspy-1.5.3-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:553cd0a8dcb0bcf2d212535a5cbebb31e6323042705bd16da3599a5fb83abfee"}, - {file = "highspy-1.5.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:0682f3a468f790053142da3ac9ae9f9e218455816bae56a2ceb0aa13166a8159"}, - {file = "highspy-1.5.3-cp311-cp311-win_amd64.whl", hash = "sha256:bd84925c18e5d087dca20599c275c707dbe4b0efe24dbc6f05959c72b492cec8"}, - {file = "highspy-1.5.3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:27ed722ac9c611ac842121b6f25fa368e59a77cdb61ac4d809d4814e476a99db"}, - {file = "highspy-1.5.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fa2908e81b2917011da91df8d561b509bc0fb78dd99373b22307d2ea4af5bc44"}, - {file = "highspy-1.5.3-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:77b1a44cda1bc24e7d6abde51f86a70ecbc7f0ddd7c1805470b544e0d74855f2"}, - {file = "highspy-1.5.3-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:44ad5540e5020675002a28ec54c74199675f0ce24b151930118cd55f6620dde1"}, - {file = "highspy-1.5.3-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:80318bd948b42a7bd059576b92aa4bc0071b08f545fc4cfd77cdaa2c817ce0b2"}, - {file = "highspy-1.5.3-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5210b1ad8778214fb701065354df154b6d490fc885261c24fe7dcdc09f2c5c61"}, - {file = "highspy-1.5.3-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d0d0a9eee479c6af579bbf1d155138a46090372a7be458a193efd76b5e355fd9"}, - {file = "highspy-1.5.3-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b9e20c45c5471d2b3622689f0ba7c8ee545a8233622368577a4d96deee1ca458"}, - {file = "highspy-1.5.3-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:ea54afcef3978d8412463d90319439da48f97aae27ec6934e3f5925224f8a862"}, - {file = "highspy-1.5.3-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:91dd2844475bd387bd8988085f1a8ae1bc7b0c4464b9371176b666e1a235da5f"}, - {file = "highspy-1.5.3-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:11297cc896961ddb83b7bbaa40a706cf531b7d29c4d28c45d85032b92ce39f27"}, - {file = "highspy-1.5.3-cp37-cp37m-win_amd64.whl", hash = "sha256:6945caab340e37e08d9c151576135b69a2bbf3bf6bfabf0f758f711a93e20905"}, - {file = "highspy-1.5.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:6da1ecc88cbee5a1473f25644600471cfc9c978404ef462fb8b4c6d2d98df305"}, - {file = "highspy-1.5.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:3c4b56dee60cc96e76da255b97bb5287a3454aee12deb9323aea7a4751708ad6"}, - {file = "highspy-1.5.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:336b77165868a11954829ce9d5c3c13c5a585c24a730a67aee5745f8872b5a84"}, - {file = "highspy-1.5.3-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9dba2472914662516773171ea015af3f5d995a07f976375d47db7ea4819c4ef6"}, - {file = "highspy-1.5.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:002bf3a6e11e1d038c87522d311dce714882a080a230ff192ed579f8acfe9da2"}, - {file = "highspy-1.5.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b391a8bb36e07c7ec55a746f56676f381597a5ef31fd0be06589b7f4008dea89"}, - {file = "highspy-1.5.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5e0c204cd191d8052ba377e4cf8674525cbf6dfa5903969907eb1f7e7347f8af"}, - {file = "highspy-1.5.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:8f481fb2b31b99cb6fb81e88e449fc0ebb22751614a96ce9d169de7e669a8e90"}, - {file = "highspy-1.5.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:78a8f179d12e59839688a758e70b245067c848f1580fa464f5a95f3d7bee56ff"}, - {file = "highspy-1.5.3-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:1ed80950f983dcb64fbf21d67db4a4abcf5eedf11f390a65d1e537814d0c196a"}, - {file = "highspy-1.5.3-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:0097d733f8ba622bc2c07a59bea051fdd398943473647a4b5b61af17c9846d49"}, - {file = "highspy-1.5.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:258ad298b655244558285d2f14aaf652cc25d04a6a4794221fee183653239621"}, - {file = "highspy-1.5.3-cp38-cp38-win_amd64.whl", hash = "sha256:c7fc1311070481aade0de38d51bfad4b7eec8897ee597691717f97b84fc3a2cd"}, - {file = "highspy-1.5.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:63e45eff30abfcccbae96ba1f464e30d67837fb44b4e61950ce2ea5c34f95061"}, - {file = "highspy-1.5.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2ad13f130926c547efdaf1a49cdc4cf81d8774073a131ca8ece34c5315b1c4c0"}, - {file = "highspy-1.5.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cd380584d0ed9a110914753697cb5c850c883d021bdb156f4afb949b7571933"}, - {file = "highspy-1.5.3-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5a0b2277341b3869514ed4231fd5fccc4f0153029e75345122c2b93d064f547c"}, - {file = "highspy-1.5.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:02b32b8217ed20f3a85caa66129085dd6c0172241a5d954d8ee34f42c0f03c68"}, - {file = "highspy-1.5.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6fd447ffaf0140f27c15897988b109d8a5e0867d325f4023dd131e8b2a8a8300"}, - {file = "highspy-1.5.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e644409abb65995a38f736223c44c00d50e11ddd92a6fcfdbf8da16f9d10972d"}, - {file = "highspy-1.5.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:398cfdb5cb2598c0d8a3d3ceb45a150e02a88770cd1c91dc7349ce585810f8df"}, - {file = "highspy-1.5.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:fa8d6527cb6edc98f5bcf978621b8ee72e620cab85ddca9f271bdfca4af05af9"}, - {file = "highspy-1.5.3-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:11e05ee06f9a8f7a48db619dd2849edfd8bf0c6939dfb8ec696d7335ada5403c"}, - {file = "highspy-1.5.3-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:381fec14b83111c00eb82673e202d28d6cde25ba4988dd0ac347b2f7ff0114a3"}, - {file = "highspy-1.5.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:84c546a4c20f2483e3126c18085bbadb7b825386325ab330cde1e04c75a14d58"}, - {file = "highspy-1.5.3-cp39-cp39-win_amd64.whl", hash = "sha256:a9d0486e3f84a54a0638220e0612358686685a3785ee452d1fb244e358dbc428"}, - {file = "highspy-1.5.3-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:bdacc1944ee8fa432eabd1f00cbc72d8102fe509543fbea93d2a07e32f2354d1"}, - {file = "highspy-1.5.3-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f872b2703405cdfae0ea95325a5d9776b268910cd60ff3dcff5b4d6bda53e291"}, - {file = "highspy-1.5.3-pp37-pypy37_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:63f2eb7c7f71bffe0154d064adb3525de121a90e94181325cf6fdf03c7c749bf"}, - {file = "highspy-1.5.3-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:03594aa039358a7ace6044b4f9a80535c78a2ece16f3bc67abaa650e0a3da205"}, - {file = "highspy-1.5.3-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:ec0816df13e07d11ef0e018d0faf765da1b4659dce125bd3b23ca5dd0ce5cc65"}, - {file = "highspy-1.5.3-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:393278eb92b3fd98b591b02944b29003f2cfda0d68cbe2824bfa1b48854a897c"}, - {file = "highspy-1.5.3-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:691754dffc0aa229228356b4b6999cd8d135ad609cd0ea664f2d4e56b626118a"}, - {file = "highspy-1.5.3-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:120d445a83693f29dce0ecebff0869c5c62527bffe0c48ababa0cc557eab0db8"}, - {file = "highspy-1.5.3-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:269951eceee9d74d53e7420730158de94ae6eb936d474b66cda5ff4c4eee65fd"}, - {file = "highspy-1.5.3-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:af0865150282cf43aed70d8903ce2540e720d81cecfe9b1bcf8af592a700af19"}, - {file = "highspy-1.5.3-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:9a300e55498e8999326d32e560ef17246e9e72c75bf5107a01cc004a7d4d905b"}, - {file = "highspy-1.5.3-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:87cdade0dfee2ddf09cb593c679a4a7cd8bb8652874269e9671cc306b3bbf983"}, - {file = "highspy-1.5.3-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:d8606fa0f8f349acdd299e1da3c1d9c6a6c76f9d2a53800a9e5d6976f64f65e1"}, - {file = "highspy-1.5.3-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:118dc9186dc073cb745de13af1548e1631569cda1258015293c180c6d293c3a8"}, - {file = "highspy-1.5.3-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:65bef176259d07ebe27ef500f1898d698e760fbf4390c9e855921bd658dcfb2d"}, - {file = "highspy-1.5.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:51d9714332f31ce073a7de23fab88d6aee9ff97e0f9cf2e86a496c76f3a87ec6"}, - {file = "highspy-1.5.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:672ede763e9c3b04f167d4743b79dec13fb285ba373f24f1bbd4c59eea467016"}, + {file = "highspy-1.7.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:467124b1e01aeddff8b6d0aa7a56e51eef943ebb28d3e46dcbdd1e32b77384ec"}, + {file = "highspy-1.7.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:584590ec4d9948a6f1ef8a1ce51761e1c9c00241054c12cbc0e8a43f0f5183c6"}, + {file = "highspy-1.7.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9c642da4035b6c33618bca73f01627fce94e07c1e741b46798dddddaa88cf376"}, + {file = "highspy-1.7.2-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5bebb73f80c47e3215547abb1ebf8e520ae5f7f24e5420ad270ad901f0725041"}, + {file = "highspy-1.7.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f0bfad2a4ebb37944bb1ed883f0fbdb733d98141fdf4902fee0f75b0160a6c0"}, + {file = "highspy-1.7.2-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:c64ede6b8e567eec0d14d12ea67114af855b4c380881d848becfb91cb01c844d"}, + {file = "highspy-1.7.2-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:0c2ee6f7b74a6a1508fceb7d40acf8097d81c5b75059628ea00715723d382110"}, + {file = "highspy-1.7.2-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:f9acabd04d16c5586753a9d6ce03c6f57b47f094fe3ef3b34185656181ed8685"}, + {file = "highspy-1.7.2-cp310-cp310-win32.whl", hash = "sha256:8625e193766192d4cfdc543548dc6cacf92ac09c86e2fcc7e48342f4909a9668"}, + {file = "highspy-1.7.2-cp310-cp310-win_amd64.whl", hash = "sha256:e4d17d0c9bbbe15654a44b0369e5f1ee95f36935b71d54d4bdf70bedcc1b256e"}, + {file = "highspy-1.7.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:eb2fb87f2cd72765fa281acc2fb10e0bacb5f5e7c3336bb267b917b5bffc30fc"}, + {file = "highspy-1.7.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:cd96ff70cb9ba186129597e521a7afcaa2bbb285273ffa5417edfcc43d58a566"}, + {file = "highspy-1.7.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1152035fd6c861cb578115b976d03c38e4e0e2f87227ac93b4af12fb582ad971"}, + {file = "highspy-1.7.2-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4cb5b7067cd3cfc191920b33428395080d51892435cd507542ae75f7a2ae0853"}, + {file = "highspy-1.7.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1ad5ef7ddfd6fd879dc9b6ac02a9eecd13fe2b0581cd03985e5faa89f43b24ac"}, + {file = "highspy-1.7.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:eb039878156f6b521f383a42b53e615521af430f0ae55e12d825b1368e1eaa47"}, + {file = "highspy-1.7.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:afd27cf82c922a2add4b940a7900a9e74a2b66556446c39abfe2d854cfcf59d1"}, + {file = "highspy-1.7.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:81de7b020255e40aafd28387f7642b3b6ea844e9cb42845a045a05411c7a055a"}, + {file = "highspy-1.7.2-cp311-cp311-win32.whl", hash = "sha256:d7d1c11f8c68ab537023f487585b1a4f447c5c03603feb2c5f76e77914c388ac"}, + {file = "highspy-1.7.2-cp311-cp311-win_amd64.whl", hash = "sha256:fafa076bad795c45d7f055f859b762c4a72abd872ecd9710e1d3c1202a9123ad"}, + {file = "highspy-1.7.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:659f240736ae923fd35acd8ea0e86dc4165e8aec8e72c191642ec546476c1130"}, + {file = "highspy-1.7.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1b466011f4091051f156a13b46ac569316cc2cddff0c2881ee456c765c535519"}, + {file = "highspy-1.7.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5e574cb5ddb6dffbcae0db61ae1ebb7754191e6f42a822010b81e3599d1001df"}, + {file = "highspy-1.7.2-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fa831a9a4fb286fe90bcba7c8a663923a47c14a318bdd30a6b96707f9a3f7496"}, + {file = "highspy-1.7.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:71364d2136b0c31116684af47c63ba8bd2ca6da9320a4fadb69a0f57606bbdf7"}, + {file = "highspy-1.7.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:b46b73ce68c9a98c36584348a31263f6deef84d8138cac872439b383cc17293e"}, + {file = "highspy-1.7.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a075da0c7d5b269f720691f0d743013540eea35bf22419e23bd32b343d4dda27"}, + {file = "highspy-1.7.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:98b2f01ec21764f233293eaae2ee637884ec009e6db608c46a446433c60d5e31"}, + {file = "highspy-1.7.2-cp312-cp312-win32.whl", hash = "sha256:ba78467db9e4693a384644b221deecf5f0243d150540d65fcb33534103486490"}, + {file = "highspy-1.7.2-cp312-cp312-win_amd64.whl", hash = "sha256:47886d7794b3fa3fb12e5722d96989ef920a9a9460de66f4868632c8e723a07d"}, + {file = "highspy-1.7.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:22e31ee5d3854024d075697fcfac88394b90d0afe25b84e4283d3964d0cd991b"}, + {file = "highspy-1.7.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:fe9b2291b01ff13e14a2720e436cf807b28d7a9d33d27861e7f26ced001bceec"}, + {file = "highspy-1.7.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a2d86c87a997de23001c687c8b3bff265b0f9edb1403657f5bb895d2525f0e78"}, + {file = "highspy-1.7.2-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5c0b5d913ae2e509e10991596caa3b09670e18aa6b55aab324e00884561f44d4"}, + {file = "highspy-1.7.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bf7973ba66d659728fadf7168f8d6a3560bef4333a504abfbc8cdb9ea51afd98"}, + {file = "highspy-1.7.2-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:3e361e98ddd757c0393677a9a52de6349abfbe79ff5d2132088a3d02c6c735d9"}, + {file = "highspy-1.7.2-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:69ea90d97effbc27eeb2e20488c7c510f7d12813d929a8ca3fd0a7c9832564ab"}, + {file = "highspy-1.7.2-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:0af568e0e61934e748c2b1057fb48f7fc3bfef6d6e6f159c616dd0ececb223a7"}, + {file = "highspy-1.7.2-cp38-cp38-win32.whl", hash = "sha256:20e86e18203d96f6c2b9d358b14e0178a7f83ac8ec6e806255d3f80710839bea"}, + {file = "highspy-1.7.2-cp38-cp38-win_amd64.whl", hash = "sha256:0ac5990c90cc615a2a45143d2321d74a7857db2e79aa9ba3606461da99fb5c8b"}, + {file = "highspy-1.7.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:2d8199c8bd0528bfaec85d441c25c570adf2334be5a75d6d6839190db2e14f83"}, + {file = "highspy-1.7.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d0a6d8b4fa17161c5b5941a49a9dab9b8569a3e6c28b2e28eaad3265fd8d7430"}, + {file = "highspy-1.7.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9e10640542c41852d135172c87ced5e2664bbf12d5396a6f761ec8e62bc11ea6"}, + {file = "highspy-1.7.2-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:64f99988d0c641843079c410883f606023ae4055e8e6158427cd4dc1e23227ff"}, + {file = "highspy-1.7.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bb8a2919e958e07fd82e6d6f273374030f5232b09e2924c6d3f50e773bfa0a80"}, + {file = "highspy-1.7.2-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:72fdc8dd3bb5e0d34b8594a851b0cad299b31eef40a50a180b3260494d86b09e"}, + {file = "highspy-1.7.2-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:b008ccdfbb73fde912ed1dd605e27a122a81e0c472c338fa3b3fa24996e5379f"}, + {file = "highspy-1.7.2-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:3675f3242ddd11b107bde3345779ac9eb8dd9a940337b43ce8127836b592feef"}, + {file = "highspy-1.7.2-cp39-cp39-win32.whl", hash = "sha256:b496a5d337508847737836ada6d930b404d921a119132cd1d14df47a4b488db7"}, + {file = "highspy-1.7.2-cp39-cp39-win_amd64.whl", hash = "sha256:e7d3883c697103c8c39d808976a00b85d68f869b97bae6d48b7b03811dfbb925"}, + {file = "highspy-1.7.2.tar.gz", hash = "sha256:7987b2a3f013254a1845bceb4597087da4070f7887c0084024649486321ae213"}, ] +[package.dependencies] +numpy = "*" + +[package.extras] +test = ["numpy", "pytest"] + [[package]] name = "identify" -version = "2.5.36" +version = "2.6.0" description = "File identification library for Python" optional = false python-versions = ">=3.8" files = [ - {file = "identify-2.5.36-py2.py3-none-any.whl", hash = "sha256:37d93f380f4de590500d9dba7db359d0d3da95ffe7f9de1753faa159e71e7dfa"}, - {file = "identify-2.5.36.tar.gz", hash = "sha256:e5e00f54165f9047fbebeb4a560f9acfb8af4c88232be60a488e9b68d122745d"}, + {file = "identify-2.6.0-py2.py3-none-any.whl", hash = "sha256:e79ae4406387a9d300332b5fd366d8994f1525e8414984e1a59e058b2eda2dd0"}, + {file = "identify-2.6.0.tar.gz", hash = "sha256:cb171c685bdc31bcc4c1734698736a7d5b6c8bf2e0c15117f4d469c8640ae5cf"}, ] [package.extras] @@ -879,100 +850,105 @@ files = [ [[package]] name = "ijson" -version = "3.2.3" +version = "3.3.0" description = "Iterative JSON parser with standard Python iterator interfaces" optional = false python-versions = "*" files = [ - {file = "ijson-3.2.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:0a4ae076bf97b0430e4e16c9cb635a6b773904aec45ed8dcbc9b17211b8569ba"}, - {file = "ijson-3.2.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:cfced0a6ec85916eb8c8e22415b7267ae118eaff2a860c42d2cc1261711d0d31"}, - {file = "ijson-3.2.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0b9d1141cfd1e6d6643aa0b4876730d0d28371815ce846d2e4e84a2d4f471cf3"}, - {file = "ijson-3.2.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9e0a27db6454edd6013d40a956d008361aac5bff375a9c04ab11fc8c214250b5"}, - {file = "ijson-3.2.3-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3c0d526ccb335c3c13063c273637d8611f32970603dfb182177b232d01f14c23"}, - {file = "ijson-3.2.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:545a30b3659df2a3481593d30d60491d1594bc8005f99600e1bba647bb44cbb5"}, - {file = "ijson-3.2.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:9680e37a10fedb3eab24a4a7e749d8a73f26f1a4c901430e7aa81b5da15f7307"}, - {file = "ijson-3.2.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:2a80c0bb1053055d1599e44dc1396f713e8b3407000e6390add72d49633ff3bb"}, - {file = "ijson-3.2.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f05ed49f434ce396ddcf99e9fd98245328e99f991283850c309f5e3182211a79"}, - {file = "ijson-3.2.3-cp310-cp310-win32.whl", hash = "sha256:b4eb2304573c9fdf448d3fa4a4fdcb727b93002b5c5c56c14a5ffbbc39f64ae4"}, - {file = "ijson-3.2.3-cp310-cp310-win_amd64.whl", hash = "sha256:923131f5153c70936e8bd2dd9dcfcff43c67a3d1c789e9c96724747423c173eb"}, - {file = "ijson-3.2.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:904f77dd3d87736ff668884fe5197a184748eb0c3e302ded61706501d0327465"}, - {file = "ijson-3.2.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0974444c1f416e19de1e9f567a4560890095e71e81623c509feff642114c1e53"}, - {file = "ijson-3.2.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c1a4b8eb69b6d7b4e94170aa991efad75ba156b05f0de2a6cd84f991def12ff9"}, - {file = "ijson-3.2.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d052417fd7ce2221114f8d3b58f05a83c1a2b6b99cafe0b86ac9ed5e2fc889df"}, - {file = "ijson-3.2.3-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7b8064a85ec1b0beda7dd028e887f7112670d574db606f68006c72dd0bb0e0e2"}, - {file = "ijson-3.2.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eaac293853f1342a8d2a45ac1f723c860f700860e7743fb97f7b76356df883a8"}, - {file = "ijson-3.2.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:6c32c18a934c1dc8917455b0ce478fd7a26c50c364bd52c5a4fb0fc6bb516af7"}, - {file = "ijson-3.2.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:713a919e0220ac44dab12b5fed74f9130f3480e55e90f9d80f58de129ea24f83"}, - {file = "ijson-3.2.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:4a3a6a2fbbe7550ffe52d151cf76065e6b89cfb3e9d0463e49a7e322a25d0426"}, - {file = "ijson-3.2.3-cp311-cp311-win32.whl", hash = "sha256:6a4db2f7fb9acfb855c9ae1aae602e4648dd1f88804a0d5cfb78c3639bcf156c"}, - {file = "ijson-3.2.3-cp311-cp311-win_amd64.whl", hash = "sha256:ccd6be56335cbb845f3d3021b1766299c056c70c4c9165fb2fbe2d62258bae3f"}, - {file = "ijson-3.2.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:055b71bbc37af5c3c5861afe789e15211d2d3d06ac51ee5a647adf4def19c0ea"}, - {file = "ijson-3.2.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c075a547de32f265a5dd139ab2035900fef6653951628862e5cdce0d101af557"}, - {file = "ijson-3.2.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:457f8a5fc559478ac6b06b6d37ebacb4811f8c5156e997f0d87d708b0d8ab2ae"}, - {file = "ijson-3.2.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9788f0c915351f41f0e69ec2618b81ebfcf9f13d9d67c6d404c7f5afda3e4afb"}, - {file = "ijson-3.2.3-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fa234ab7a6a33ed51494d9d2197fb96296f9217ecae57f5551a55589091e7853"}, - {file = "ijson-3.2.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bdd0dc5da4f9dc6d12ab6e8e0c57d8b41d3c8f9ceed31a99dae7b2baf9ea769a"}, - {file = "ijson-3.2.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:c6beb80df19713e39e68dc5c337b5c76d36ccf69c30b79034634e5e4c14d6904"}, - {file = "ijson-3.2.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:a2973ce57afb142d96f35a14e9cfec08308ef178a2c76b8b5e1e98f3960438bf"}, - {file = "ijson-3.2.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:105c314fd624e81ed20f925271ec506523b8dd236589ab6c0208b8707d652a0e"}, - {file = "ijson-3.2.3-cp312-cp312-win32.whl", hash = "sha256:ac44781de5e901ce8339352bb5594fcb3b94ced315a34dbe840b4cff3450e23b"}, - {file = "ijson-3.2.3-cp312-cp312-win_amd64.whl", hash = "sha256:0567e8c833825b119e74e10a7c29761dc65fcd155f5d4cb10f9d3b8916ef9912"}, - {file = "ijson-3.2.3-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:eeb286639649fb6bed37997a5e30eefcacddac79476d24128348ec890b2a0ccb"}, - {file = "ijson-3.2.3-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:396338a655fb9af4ac59dd09c189885b51fa0eefc84d35408662031023c110d1"}, - {file = "ijson-3.2.3-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0e0243d166d11a2a47c17c7e885debf3b19ed136be2af1f5d1c34212850236ac"}, - {file = "ijson-3.2.3-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85afdb3f3a5d0011584d4fa8e6dccc5936be51c27e84cd2882fe904ca3bd04c5"}, - {file = "ijson-3.2.3-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:4fc35d569eff3afa76bfecf533f818ecb9390105be257f3f83c03204661ace70"}, - {file = "ijson-3.2.3-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:455d7d3b7a6aacfb8ab1ebcaf697eedf5be66e044eac32508fccdc633d995f0e"}, - {file = "ijson-3.2.3-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:c63f3d57dbbac56cead05b12b81e8e1e259f14ce7f233a8cbe7fa0996733b628"}, - {file = "ijson-3.2.3-cp36-cp36m-win32.whl", hash = "sha256:a4d7fe3629de3ecb088bff6dfe25f77be3e8261ed53d5e244717e266f8544305"}, - {file = "ijson-3.2.3-cp36-cp36m-win_amd64.whl", hash = "sha256:96190d59f015b5a2af388a98446e411f58ecc6a93934e036daa75f75d02386a0"}, - {file = "ijson-3.2.3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:35194e0b8a2bda12b4096e2e792efa5d4801a0abb950c48ade351d479cd22ba5"}, - {file = "ijson-3.2.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d1053fb5f0b010ee76ca515e6af36b50d26c1728ad46be12f1f147a835341083"}, - {file = "ijson-3.2.3-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:211124cff9d9d139dd0dfced356f1472860352c055d2481459038b8205d7d742"}, - {file = "ijson-3.2.3-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:92dc4d48e9f6a271292d6079e9fcdce33c83d1acf11e6e12696fb05c5889fe74"}, - {file = "ijson-3.2.3-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:3dcc33ee56f92a77f48776014ddb47af67c33dda361e84371153c4f1ed4434e1"}, - {file = "ijson-3.2.3-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:98c6799925a5d1988da4cd68879b8eeab52c6e029acc45e03abb7921a4715c4b"}, - {file = "ijson-3.2.3-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:4252e48c95cd8ceefc2caade310559ab61c37d82dfa045928ed05328eb5b5f65"}, - {file = "ijson-3.2.3-cp37-cp37m-win32.whl", hash = "sha256:644f4f03349ff2731fd515afd1c91b9e439e90c9f8c28292251834154edbffca"}, - {file = "ijson-3.2.3-cp37-cp37m-win_amd64.whl", hash = "sha256:ba33c764afa9ecef62801ba7ac0319268a7526f50f7601370d9f8f04e77fc02b"}, - {file = "ijson-3.2.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:4b2ec8c2a3f1742cbd5f36b65e192028e541b5fd8c7fd97c1fc0ca6c427c704a"}, - {file = "ijson-3.2.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7dc357da4b4ebd8903e77dbcc3ce0555ee29ebe0747c3c7f56adda423df8ec89"}, - {file = "ijson-3.2.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bcc51c84bb220ac330122468fe526a7777faa6464e3b04c15b476761beea424f"}, - {file = "ijson-3.2.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f8d54b624629f9903005c58d9321a036c72f5c212701bbb93d1a520ecd15e370"}, - {file = "ijson-3.2.3-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d6ea7c7e3ec44742e867c72fd750c6a1e35b112f88a917615332c4476e718d40"}, - {file = "ijson-3.2.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:916acdc5e504f8b66c3e287ada5d4b39a3275fc1f2013c4b05d1ab9933671a6c"}, - {file = "ijson-3.2.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:81815b4184b85ce124bfc4c446d5f5e5e643fc119771c5916f035220ada29974"}, - {file = "ijson-3.2.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:b49fd5fe1cd9c1c8caf6c59f82b08117dd6bea2ec45b641594e25948f48f4169"}, - {file = "ijson-3.2.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:86b3c91fdcb8ffb30556c9669930f02b7642de58ca2987845b04f0d7fe46d9a8"}, - {file = "ijson-3.2.3-cp38-cp38-win32.whl", hash = "sha256:a729b0c8fb935481afe3cf7e0dadd0da3a69cc7f145dbab8502e2f1e01d85a7c"}, - {file = "ijson-3.2.3-cp38-cp38-win_amd64.whl", hash = "sha256:d34e049992d8a46922f96483e96b32ac4c9cffd01a5c33a928e70a283710cd58"}, - {file = "ijson-3.2.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:9c2a12dcdb6fa28f333bf10b3a0f80ec70bc45280d8435be7e19696fab2bc706"}, - {file = "ijson-3.2.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1844c5b57da21466f255a0aeddf89049e730d7f3dfc4d750f0e65c36e6a61a7c"}, - {file = "ijson-3.2.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2ec3e5ff2515f1c40ef6a94983158e172f004cd643b9e4b5302017139b6c96e4"}, - {file = "ijson-3.2.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:46bafb1b9959872a1f946f8dd9c6f1a30a970fc05b7bfae8579da3f1f988e598"}, - {file = "ijson-3.2.3-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ab4db9fee0138b60e31b3c02fff8a4c28d7b152040553b6a91b60354aebd4b02"}, - {file = "ijson-3.2.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f4bc87e69d1997c6a55fff5ee2af878720801ff6ab1fb3b7f94adda050651e37"}, - {file = "ijson-3.2.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:e9fd906f0c38e9f0bfd5365e1bed98d649f506721f76bb1a9baa5d7374f26f19"}, - {file = "ijson-3.2.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:e84d27d1acb60d9102728d06b9650e5b7e5cb0631bd6e3dfadba8fb6a80d6c2f"}, - {file = "ijson-3.2.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:2cc04fc0a22bb945cd179f614845c8b5106c0b3939ee0d84ce67c7a61ac1a936"}, - {file = "ijson-3.2.3-cp39-cp39-win32.whl", hash = "sha256:e641814793a037175f7ec1b717ebb68f26d89d82cfd66f36e588f32d7e488d5f"}, - {file = "ijson-3.2.3-cp39-cp39-win_amd64.whl", hash = "sha256:6bd3e7e91d031f1e8cea7ce53f704ab74e61e505e8072467e092172422728b22"}, - {file = "ijson-3.2.3-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:06f9707da06a19b01013f8c65bf67db523662a9b4a4ff027e946e66c261f17f0"}, - {file = "ijson-3.2.3-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:be8495f7c13fa1f622a2c6b64e79ac63965b89caf664cc4e701c335c652d15f2"}, - {file = "ijson-3.2.3-pp37-pypy37_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7596b42f38c3dcf9d434dddd50f46aeb28e96f891444c2b4b1266304a19a2c09"}, - {file = "ijson-3.2.3-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fbac4e9609a1086bbad075beb2ceec486a3b138604e12d2059a33ce2cba93051"}, - {file = "ijson-3.2.3-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:db2d6341f9cb538253e7fe23311d59252f124f47165221d3c06a7ed667ecd595"}, - {file = "ijson-3.2.3-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:fa8b98be298efbb2588f883f9953113d8a0023ab39abe77fe734b71b46b1220a"}, - {file = "ijson-3.2.3-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:674e585361c702fad050ab4c153fd168dc30f5980ef42b64400bc84d194e662d"}, - {file = "ijson-3.2.3-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fd12e42b9cb9c0166559a3ffa276b4f9fc9d5b4c304e5a13668642d34b48b634"}, - {file = "ijson-3.2.3-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d31e0d771d82def80cd4663a66de277c3b44ba82cd48f630526b52f74663c639"}, - {file = "ijson-3.2.3-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:7ce4c70c23521179d6da842bb9bc2e36bb9fad1e0187e35423ff0f282890c9ca"}, - {file = "ijson-3.2.3-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:39f551a6fbeed4433c85269c7c8778e2aaea2501d7ebcb65b38f556030642c17"}, - {file = "ijson-3.2.3-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3b14d322fec0de7af16f3ef920bf282f0dd747200b69e0b9628117f381b7775b"}, - {file = "ijson-3.2.3-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7851a341429b12d4527ca507097c959659baf5106c7074d15c17c387719ffbcd"}, - {file = "ijson-3.2.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db3bf1b42191b5cc9b6441552fdcb3b583594cb6b19e90d1578b7cbcf80d0fae"}, - {file = "ijson-3.2.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:6f662dc44362a53af3084d3765bb01cd7b4734d1f484a6095cad4cb0cbfe5374"}, - {file = "ijson-3.2.3.tar.gz", hash = "sha256:10294e9bf89cb713da05bc4790bdff616610432db561964827074898e174f917"}, + {file = "ijson-3.3.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7f7a5250599c366369fbf3bc4e176f5daa28eb6bc7d6130d02462ed335361675"}, + {file = "ijson-3.3.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:f87a7e52f79059f9c58f6886c262061065eb6f7554a587be7ed3aa63e6b71b34"}, + {file = "ijson-3.3.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b73b493af9e947caed75d329676b1b801d673b17481962823a3e55fe529c8b8b"}, + {file = "ijson-3.3.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d5576415f3d76290b160aa093ff968f8bf6de7d681e16e463a0134106b506f49"}, + {file = "ijson-3.3.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4e9ffe358d5fdd6b878a8a364e96e15ca7ca57b92a48f588378cef315a8b019e"}, + {file = "ijson-3.3.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8643c255a25824ddd0895c59f2319c019e13e949dc37162f876c41a283361527"}, + {file = "ijson-3.3.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:df3ab5e078cab19f7eaeef1d5f063103e1ebf8c26d059767b26a6a0ad8b250a3"}, + {file = "ijson-3.3.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:3dc1fb02c6ed0bae1b4bf96971258bf88aea72051b6e4cebae97cff7090c0607"}, + {file = "ijson-3.3.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:e9afd97339fc5a20f0542c971f90f3ca97e73d3050cdc488d540b63fae45329a"}, + {file = "ijson-3.3.0-cp310-cp310-win32.whl", hash = "sha256:844c0d1c04c40fd1b60f148dc829d3f69b2de789d0ba239c35136efe9a386529"}, + {file = "ijson-3.3.0-cp310-cp310-win_amd64.whl", hash = "sha256:d654d045adafdcc6c100e8e911508a2eedbd2a1b5f93f930ba13ea67d7704ee9"}, + {file = "ijson-3.3.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:501dce8eaa537e728aa35810656aa00460a2547dcb60937c8139f36ec344d7fc"}, + {file = "ijson-3.3.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:658ba9cad0374d37b38c9893f4864f284cdcc7d32041f9808fba8c7bcaadf134"}, + {file = "ijson-3.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:2636cb8c0f1023ef16173f4b9a233bcdb1df11c400c603d5f299fac143ca8d70"}, + {file = "ijson-3.3.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cd174b90db68c3bcca273e9391934a25d76929d727dc75224bf244446b28b03b"}, + {file = "ijson-3.3.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:97a9aea46e2a8371c4cf5386d881de833ed782901ac9f67ebcb63bb3b7d115af"}, + {file = "ijson-3.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c594c0abe69d9d6099f4ece17763d53072f65ba60b372d8ba6de8695ce6ee39e"}, + {file = "ijson-3.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8e0ff16c224d9bfe4e9e6bd0395826096cda4a3ef51e6c301e1b61007ee2bd24"}, + {file = "ijson-3.3.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:0015354011303175eae7e2ef5136414e91de2298e5a2e9580ed100b728c07e51"}, + {file = "ijson-3.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:034642558afa57351a0ffe6de89e63907c4cf6849070cc10a3b2542dccda1afe"}, + {file = "ijson-3.3.0-cp311-cp311-win32.whl", hash = "sha256:192e4b65495978b0bce0c78e859d14772e841724d3269fc1667dc6d2f53cc0ea"}, + {file = "ijson-3.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:72e3488453754bdb45c878e31ce557ea87e1eb0f8b4fc610373da35e8074ce42"}, + {file = "ijson-3.3.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:988e959f2f3d59ebd9c2962ae71b97c0df58323910d0b368cc190ad07429d1bb"}, + {file = "ijson-3.3.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:b2f73f0d0fce5300f23a1383d19b44d103bb113b57a69c36fd95b7c03099b181"}, + {file = "ijson-3.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0ee57a28c6bf523d7cb0513096e4eb4dac16cd935695049de7608ec110c2b751"}, + {file = "ijson-3.3.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e0155a8f079c688c2ccaea05de1ad69877995c547ba3d3612c1c336edc12a3a5"}, + {file = "ijson-3.3.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7ab00721304af1ae1afa4313ecfa1bf16b07f55ef91e4a5b93aeaa3e2bd7917c"}, + {file = "ijson-3.3.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:40ee3821ee90be0f0e95dcf9862d786a7439bd1113e370736bfdf197e9765bfb"}, + {file = "ijson-3.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:da3b6987a0bc3e6d0f721b42c7a0198ef897ae50579547b0345f7f02486898f5"}, + {file = "ijson-3.3.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:63afea5f2d50d931feb20dcc50954e23cef4127606cc0ecf7a27128ed9f9a9e6"}, + {file = "ijson-3.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:b5c3e285e0735fd8c5a26d177eca8b52512cdd8687ca86ec77a0c66e9c510182"}, + {file = "ijson-3.3.0-cp312-cp312-win32.whl", hash = "sha256:907f3a8674e489abdcb0206723e5560a5cb1fa42470dcc637942d7b10f28b695"}, + {file = "ijson-3.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:8f890d04ad33262d0c77ead53c85f13abfb82f2c8f078dfbf24b78f59534dfdd"}, + {file = "ijson-3.3.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:b9d85a02e77ee8ea6d9e3fd5d515bcc3d798d9c1ea54817e5feb97a9bc5d52fe"}, + {file = "ijson-3.3.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e6576cdc36d5a09b0c1a3d81e13a45d41a6763188f9eaae2da2839e8a4240bce"}, + {file = "ijson-3.3.0-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5589225c2da4bb732c9c370c5961c39a6db72cf69fb2a28868a5413ed7f39e6"}, + {file = "ijson-3.3.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ad04cf38164d983e85f9cba2804566c0160b47086dcca4cf059f7e26c5ace8ca"}, + {file = "ijson-3.3.0-cp36-cp36m-musllinux_1_2_aarch64.whl", hash = "sha256:a3b730ef664b2ef0e99dec01b6573b9b085c766400af363833e08ebc1e38eb2f"}, + {file = "ijson-3.3.0-cp36-cp36m-musllinux_1_2_i686.whl", hash = "sha256:4690e3af7b134298055993fcbea161598d23b6d3ede11b12dca6815d82d101d5"}, + {file = "ijson-3.3.0-cp36-cp36m-musllinux_1_2_x86_64.whl", hash = "sha256:aaa6bfc2180c31a45fac35d40e3312a3d09954638ce0b2e9424a88e24d262a13"}, + {file = "ijson-3.3.0-cp36-cp36m-win32.whl", hash = "sha256:44367090a5a876809eb24943f31e470ba372aaa0d7396b92b953dda953a95d14"}, + {file = "ijson-3.3.0-cp36-cp36m-win_amd64.whl", hash = "sha256:7e2b3e9ca957153557d06c50a26abaf0d0d6c0ddf462271854c968277a6b5372"}, + {file = "ijson-3.3.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:47c144117e5c0e2babb559bc8f3f76153863b8dd90b2d550c51dab5f4b84a87f"}, + {file = "ijson-3.3.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:29ce02af5fbf9ba6abb70765e66930aedf73311c7d840478f1ccecac53fefbf3"}, + {file = "ijson-3.3.0-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4ac6c3eeed25e3e2cb9b379b48196413e40ac4e2239d910bb33e4e7f6c137745"}, + {file = "ijson-3.3.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d92e339c69b585e7b1d857308ad3ca1636b899e4557897ccd91bb9e4a56c965b"}, + {file = "ijson-3.3.0-cp37-cp37m-musllinux_1_2_aarch64.whl", hash = "sha256:8c85447569041939111b8c7dbf6f8fa7a0eb5b2c4aebb3c3bec0fb50d7025121"}, + {file = "ijson-3.3.0-cp37-cp37m-musllinux_1_2_i686.whl", hash = "sha256:542c1e8fddf082159a5d759ee1412c73e944a9a2412077ed00b303ff796907dc"}, + {file = "ijson-3.3.0-cp37-cp37m-musllinux_1_2_x86_64.whl", hash = "sha256:30cfea40936afb33b57d24ceaf60d0a2e3d5c1f2335ba2623f21d560737cc730"}, + {file = "ijson-3.3.0-cp37-cp37m-win32.whl", hash = "sha256:6b661a959226ad0d255e49b77dba1d13782f028589a42dc3172398dd3814c797"}, + {file = "ijson-3.3.0-cp37-cp37m-win_amd64.whl", hash = "sha256:0b003501ee0301dbf07d1597482009295e16d647bb177ce52076c2d5e64113e0"}, + {file = "ijson-3.3.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:3e8d8de44effe2dbd0d8f3eb9840344b2d5b4cc284a14eb8678aec31d1b6bea8"}, + {file = "ijson-3.3.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:9cd5c03c63ae06d4f876b9844c5898d0044c7940ff7460db9f4cd984ac7862b5"}, + {file = "ijson-3.3.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:04366e7e4a4078d410845e58a2987fd9c45e63df70773d7b6e87ceef771b51ee"}, + {file = "ijson-3.3.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:de7c1ddb80fa7a3ab045266dca169004b93f284756ad198306533b792774f10a"}, + {file = "ijson-3.3.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8851584fb931cffc0caa395f6980525fd5116eab8f73ece9d95e6f9c2c326c4c"}, + {file = "ijson-3.3.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bdcfc88347fd981e53c33d832ce4d3e981a0d696b712fbcb45dcc1a43fe65c65"}, + {file = "ijson-3.3.0-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:3917b2b3d0dbbe3296505da52b3cb0befbaf76119b2edaff30bd448af20b5400"}, + {file = "ijson-3.3.0-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:e10c14535abc7ddf3fd024aa36563cd8ab5d2bb6234a5d22c77c30e30fa4fb2b"}, + {file = "ijson-3.3.0-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:3aba5c4f97f4e2ce854b5591a8b0711ca3b0c64d1b253b04ea7b004b0a197ef6"}, + {file = "ijson-3.3.0-cp38-cp38-win32.whl", hash = "sha256:b325f42e26659df1a0de66fdb5cde8dd48613da9c99c07d04e9fb9e254b7ee1c"}, + {file = "ijson-3.3.0-cp38-cp38-win_amd64.whl", hash = "sha256:ff835906f84451e143f31c4ce8ad73d83ef4476b944c2a2da91aec8b649570e1"}, + {file = "ijson-3.3.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:3c556f5553368dff690c11d0a1fb435d4ff1f84382d904ccc2dc53beb27ba62e"}, + {file = "ijson-3.3.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:e4396b55a364a03ff7e71a34828c3ed0c506814dd1f50e16ebed3fc447d5188e"}, + {file = "ijson-3.3.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:e6850ae33529d1e43791b30575070670070d5fe007c37f5d06aebc1dd152ab3f"}, + {file = "ijson-3.3.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:36aa56d68ea8def26778eb21576ae13f27b4a47263a7a2581ab2ef58b8de4451"}, + {file = "ijson-3.3.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a7ec759c4a0fc820ad5dc6a58e9c391e7b16edcb618056baedbedbb9ea3b1524"}, + {file = "ijson-3.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b51bab2c4e545dde93cb6d6bb34bf63300b7cd06716f195dd92d9255df728331"}, + {file = "ijson-3.3.0-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:92355f95a0e4da96d4c404aa3cff2ff033f9180a9515f813255e1526551298c1"}, + {file = "ijson-3.3.0-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:8795e88adff5aa3c248c1edce932db003d37a623b5787669ccf205c422b91e4a"}, + {file = "ijson-3.3.0-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:8f83f553f4cde6d3d4eaf58ec11c939c94a0ec545c5b287461cafb184f4b3a14"}, + {file = "ijson-3.3.0-cp39-cp39-win32.whl", hash = "sha256:ead50635fb56577c07eff3e557dac39533e0fe603000684eea2af3ed1ad8f941"}, + {file = "ijson-3.3.0-cp39-cp39-win_amd64.whl", hash = "sha256:c8a9befb0c0369f0cf5c1b94178d0d78f66d9cebb9265b36be6e4f66236076b8"}, + {file = "ijson-3.3.0-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:2af323a8aec8a50fa9effa6d640691a30a9f8c4925bd5364a1ca97f1ac6b9b5c"}, + {file = "ijson-3.3.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f64f01795119880023ba3ce43072283a393f0b90f52b66cc0ea1a89aa64a9ccb"}, + {file = "ijson-3.3.0-pp310-pypy310_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a716e05547a39b788deaf22725490855337fc36613288aa8ae1601dc8c525553"}, + {file = "ijson-3.3.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:473f5d921fadc135d1ad698e2697025045cd8ed7e5e842258295012d8a3bc702"}, + {file = "ijson-3.3.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:dd26b396bc3a1e85f4acebeadbf627fa6117b97f4c10b177d5779577c6607744"}, + {file = "ijson-3.3.0-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:25fd49031cdf5fd5f1fd21cb45259a64dad30b67e64f745cc8926af1c8c243d3"}, + {file = "ijson-3.3.0-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4b72178b1e565d06ab19319965022b36ef41bcea7ea153b32ec31194bec032a2"}, + {file = "ijson-3.3.0-pp37-pypy37_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7d0b6b637d05dbdb29d0bfac2ed8425bb369e7af5271b0cc7cf8b801cb7360c2"}, + {file = "ijson-3.3.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5378d0baa59ae422905c5f182ea0fd74fe7e52a23e3821067a7d58c8306b2191"}, + {file = "ijson-3.3.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:99f5c8ab048ee4233cc4f2b461b205cbe01194f6201018174ac269bf09995749"}, + {file = "ijson-3.3.0-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:45ff05de889f3dc3d37a59d02096948ce470699f2368b32113954818b21aa74a"}, + {file = "ijson-3.3.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1efb521090dd6cefa7aafd120581947b29af1713c902ff54336b7c7130f04c47"}, + {file = "ijson-3.3.0-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:87c727691858fd3a1c085d9980d12395517fcbbf02c69fbb22dede8ee03422da"}, + {file = "ijson-3.3.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0420c24e50389bc251b43c8ed379ab3e3ba065ac8262d98beb6735ab14844460"}, + {file = "ijson-3.3.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:8fdf3721a2aa7d96577970f5604bd81f426969c1822d467f07b3d844fa2fecc7"}, + {file = "ijson-3.3.0-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:891f95c036df1bc95309951940f8eea8537f102fa65715cdc5aae20b8523813b"}, + {file = "ijson-3.3.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ed1336a2a6e5c427f419da0154e775834abcbc8ddd703004108121c6dd9eba9d"}, + {file = "ijson-3.3.0-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f0c819f83e4f7b7f7463b2dc10d626a8be0c85fbc7b3db0edc098c2b16ac968e"}, + {file = "ijson-3.3.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:33afc25057377a6a43c892de34d229a86f89ea6c4ca3dd3db0dcd17becae0dbb"}, + {file = "ijson-3.3.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:7914d0cf083471856e9bc2001102a20f08e82311dfc8cf1a91aa422f9414a0d6"}, + {file = "ijson-3.3.0.tar.gz", hash = "sha256:7f172e6ba1bee0d4c8f8ebd639577bfe429dee0f3f96775a067b8bae4492d8a0"}, ] [[package]] @@ -1134,13 +1110,13 @@ testing = ["coverage", "pytest", "pytest-cov", "pytest-regressions"] [[package]] name = "marko" -version = "2.0.3" +version = "2.1.2" description = "A markdown parser with high extensibility." optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "marko-2.0.3-py3-none-any.whl", hash = "sha256:7fca1c4ab1dbc09b4b3be83c22caafd7d97c99439cb4143d025727cb3df1f4d0"}, - {file = "marko-2.0.3.tar.gz", hash = "sha256:3b323dcd7dd48181871718ac09b3825bc8f74493cec378f2bacaaceec47577d4"}, + {file = "marko-2.1.2-py3-none-any.whl", hash = "sha256:c14aa7a77468aaaf53cf056dcd3d32398b9df4c3fb81f5e120dd37cbb9f8c859"}, + {file = "marko-2.1.2.tar.gz", hash = "sha256:a9170006b879376e6845c91b1ae3dce2992772954b99b70175ff888537186011"}, ] [package.extras] @@ -1270,18 +1246,15 @@ test = ["pytest (>=7.2)", "pytest-cov (>=4.0)"] [[package]] name = "nodeenv" -version = "1.8.0" +version = "1.9.1" description = "Node.js virtual environment builder" optional = false -python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*" +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*,>=2.7" files = [ - {file = "nodeenv-1.8.0-py2.py3-none-any.whl", hash = "sha256:df865724bb3c3adc86b3876fa209771517b0cfe596beff01a92700e0e8be4cec"}, - {file = "nodeenv-1.8.0.tar.gz", hash = "sha256:d51e0c37e64fbf47d017feac3145cdbb58836d7eee8c6f6d3b6880c5456227d2"}, + {file = "nodeenv-1.9.1-py2.py3-none-any.whl", hash = "sha256:ba11c9782d29c27c70ffbdda2d7415098754709be8a7056d79a737cd901155c9"}, + {file = "nodeenv-1.9.1.tar.gz", hash = "sha256:6ec12890a2dab7946721edbfbcd91f3319c6ccc9aec47be7c7e6b7011ee6645f"}, ] -[package.dependencies] -setuptools = "*" - [[package]] name = "numpy" version = "1.26.4" @@ -1340,7 +1313,7 @@ develop = false type = "git" url = "https://github.com/sedos-project/oemof.industry.git" reference = "main" -resolved_reference = "d634ea6d5ab8ac88b3d0069ce73b27a27d4e4bf2" +resolved_reference = "e2fa122ba874221144f91686dcad2e0a6ed55916" [[package]] name = "oemof-network" @@ -1417,7 +1390,7 @@ plots = ["matplotlib", "plotly"] type = "git" url = "https://git@github.com/oemof/oemof-tabular" reference = "dev" -resolved_reference = "322b05d9b267eb2905d26496a2a143f7b4bd50fe" +resolved_reference = "131f2506bd47fb998c98a59878cce774adf0d0da" [[package]] name = "oemof-tools" @@ -1435,13 +1408,13 @@ dev = ["pytest", "sphinx", "sphinx-rtd-theme"] [[package]] name = "openpyxl" -version = "3.1.2" +version = "3.1.5" description = "A Python library to read/write Excel 2010 xlsx/xlsm files" optional = false -python-versions = ">=3.6" +python-versions = ">=3.8" files = [ - {file = "openpyxl-3.1.2-py2.py3-none-any.whl", hash = "sha256:f91456ead12ab3c6c2e9491cf33ba6d08357d802192379bb482f1033ade496f5"}, - {file = "openpyxl-3.1.2.tar.gz", hash = "sha256:a6f5977418eff3b2d5500d54d9db50c8277a368436f4e4f8ddb1be3422870184"}, + {file = "openpyxl-3.1.5-py2.py3-none-any.whl", hash = "sha256:5282c12b107bffeef825f4617dc029afaf41d0ea60823bbb665ef3079dc79de2"}, + {file = "openpyxl-3.1.5.tar.gz", hash = "sha256:cf0e3cf56142039133628b5acffe8ef0c12bc902d2aadd3e0fe5878dc08d1050"}, ] [package.dependencies] @@ -1449,13 +1422,13 @@ et-xmlfile = "*" [[package]] name = "packaging" -version = "24.0" +version = "24.1" description = "Core utilities for Python packages" optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "packaging-24.0-py3-none-any.whl", hash = "sha256:2ddfb553fdf02fb784c234c7ba6ccc288296ceabec964ad2eae3777778130bc5"}, - {file = "packaging-24.0.tar.gz", hash = "sha256:eb82c5e3e56209074766e6885bb04b8c38a0c015d0a30036ebe7ece34c9989e9"}, + {file = "packaging-24.1-py3-none-any.whl", hash = "sha256:5b8f2217dbdbd2f7f384c41c628544e6d52f2d0f53c6d0c3ea61aa5d1d7ff124"}, + {file = "packaging-24.1.tar.gz", hash = "sha256:026ed72c8ed3fcce5bf8950572258698927fd1dbda10a5e981cdf0ac37f4f002"}, ] [[package]] @@ -1587,13 +1560,13 @@ xpath = ["lxml (>=4.4.0)"] [[package]] name = "platformdirs" -version = "4.2.1" +version = "4.2.2" description = "A small Python package for determining appropriate platform-specific dirs, e.g. a `user data dir`." optional = false python-versions = ">=3.8" files = [ - {file = "platformdirs-4.2.1-py3-none-any.whl", hash = "sha256:17d5a1161b3fd67b390023cb2d3b026bbd40abde6fdb052dfbd3a29c3ba22ee1"}, - {file = "platformdirs-4.2.1.tar.gz", hash = "sha256:031cd18d4ec63ec53e82dceaac0417d218a6863f7745dfcc9efe7793b7039bdf"}, + {file = "platformdirs-4.2.2-py3-none-any.whl", hash = "sha256:2d7a1657e36a80ea911db832a8a6ece5ee53d8de21edd5cc5879af6530b1bfee"}, + {file = "platformdirs-4.2.2.tar.gz", hash = "sha256:38b7b51f512eed9e84a22788b4bce1de17c0adb134d6becb09836e37d8654cd3"}, ] [package.extras] @@ -1720,49 +1693,44 @@ tests = ["hypothesis (>=3.27.0)", "pytest (>=3.2.1,!=3.3.0)"] [[package]] name = "pyomo" -version = "6.7.1" +version = "6.7.3" description = "Pyomo: Python Optimization Modeling Objects" optional = false python-versions = ">=3.8" files = [ - {file = "Pyomo-6.7.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:11b99ebec3586b0b7fffcc9c2d451581bb2b72db07d61a357375ecb52e8e368c"}, - {file = "Pyomo-6.7.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c2a45e0db94da8e27cbf27d9739973520babf69d638f3d51916029fde2d091c5"}, - {file = "Pyomo-6.7.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8f301029e7bee33c7742241f852ac413ffdf54bdf3aa6cdd83bd4b915527db4"}, - {file = "Pyomo-6.7.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:12b467b9ec7f489e8f4295de68cd31c4af0d81a717bb0b3d6ab2ebab2c5763ff"}, - {file = "Pyomo-6.7.1-cp310-cp310-win_amd64.whl", hash = "sha256:de3a4eab752a1e11b4d736aeb61cc63550442a8d4de8e24e238a73285846a138"}, - {file = "Pyomo-6.7.1-cp310-cp310-win_arm64.whl", hash = "sha256:119cc5337177457250d7d450688687ccb4230ac3ab70774390307bbe3cb19871"}, - {file = "Pyomo-6.7.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:fcaebc11ca162f05d9644f22eb9b17d08d73384fa0edbfbf79e090a453551c21"}, - {file = "Pyomo-6.7.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:da86125c0346be05dc8d2e365e7493e95ccd9fdf570facf8598018a6a162870e"}, - {file = "Pyomo-6.7.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a3dd245b884f75e4984f10bead83f78109d7b83b996c16a03b1babdc759d9cc7"}, - {file = "Pyomo-6.7.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b7314a56d5a3b14b3afd3a2f207df0256af3c0407d166bce80ab2fe0d8650311"}, - {file = "Pyomo-6.7.1-cp311-cp311-win_amd64.whl", hash = "sha256:889e8937854ea6d124585ff7e2783cb3aae71d8888a6e00008d1606983dc3b58"}, - {file = "Pyomo-6.7.1-cp311-cp311-win_arm64.whl", hash = "sha256:aacf08f535715a34a0fe6e7924ff9a0d48b9bbff406c91b16d7a20c898acc0ff"}, - {file = "Pyomo-6.7.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:dc05843f52ccf21d9c480ae6674e20df4b202c8ec69f2489b898dcbcd81653ec"}, - {file = "Pyomo-6.7.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b2a983356c19b89f5e73704d57d50f58eca253a833d5bc6c01f1710f51fed565"}, - {file = "Pyomo-6.7.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:41c18eab8c8e826791e375d138836d5b918e15679d7164ba5132ccafbafe76c6"}, - {file = "Pyomo-6.7.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:94c917dbabdada7fe443d56c31ad500e574da7489288fa09857911ac2b924c2b"}, - {file = "Pyomo-6.7.1-cp312-cp312-win_amd64.whl", hash = "sha256:a1e86f8f812b40dfb682912525f35fff0911a82c18311de5e3448951edea1a0a"}, - {file = "Pyomo-6.7.1-cp312-cp312-win_arm64.whl", hash = "sha256:111f40517640149f440eded00091041fb5091c6d5497b687e4b7b3bb45e11726"}, - {file = "Pyomo-6.7.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:673be2970c67badf292f9e6917fd00bd6a7c31f87137f5e1203f4143bd4c8fb2"}, - {file = "Pyomo-6.7.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:d0d111f9efed1db1896db57df5744a466f29ec795b23ee189e86378566fe636e"}, - {file = "Pyomo-6.7.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c9fb2fcc3881eae6ef360a512de54b34e29814178f984dbacca6ea4228501823"}, - {file = "Pyomo-6.7.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7cb435714cdce7c15f7f32922ceed2589f66c52753514ace28e05d2b7e47a0b9"}, - {file = "Pyomo-6.7.1-cp38-cp38-win_amd64.whl", hash = "sha256:143c50c62af4aca5f07b2cd61d47a5da0590d7c98667bb931962deaafe446177"}, - {file = "Pyomo-6.7.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:e3bb68d901005ab67a3b0fc71a343162d59f3507bf3b5e6660fe1d3f4f397f88"}, - {file = "Pyomo-6.7.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:3957d8021e039f8c700bf86e87a828a4d6201c54cd7946ef93b22b236857bc51"}, - {file = "Pyomo-6.7.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a264755bc8d29e9386bc73b324eea165a14b83ddb22388fb35d4b9610b550852"}, - {file = "Pyomo-6.7.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c96ed63294bb22da9397693123ca780522aee588d63b40aa4afb217ae9760b00"}, - {file = "Pyomo-6.7.1-cp39-cp39-win_amd64.whl", hash = "sha256:c71344da3443b4850e37d4603b1397f20bb031df765435176085780369da1a0e"}, - {file = "Pyomo-6.7.1-cp39-cp39-win_arm64.whl", hash = "sha256:d7eba18bcaac8c14df80adaf01b73156b06d73cc58666b33dee6d33ff567a564"}, - {file = "Pyomo-6.7.1.tar.gz", hash = "sha256:735b66c45937f1caa43f073d8218a4918b6de658914a699397d38d5b8c219a40"}, + {file = "Pyomo-6.7.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ab6ad20b7a0ca60d60f187227b0cfd47fccc331e62131dc9af05ba9fecfc5326"}, + {file = "Pyomo-6.7.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:752a8ace32f4c585f00bc52b7285d3cc022cf5007f0a81592205cf71f86cf1b6"}, + {file = "Pyomo-6.7.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:74f1eb8dc89523d88e8894568417f69ffb44c65a57d83797c5917909459da1c7"}, + {file = "Pyomo-6.7.3-cp310-cp310-win_amd64.whl", hash = "sha256:9fa6c4a17735ab25337af4c2b7094ec27a310dd329f6ff84e79ac65de6e61bd7"}, + {file = "Pyomo-6.7.3-cp310-cp310-win_arm64.whl", hash = "sha256:eb475ddec5e10652e89f15987906693fb521bd296029d65fcd969ae27171e45a"}, + {file = "Pyomo-6.7.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e1f308ac5838210a530eb89054b4e3e60386773d0e1c06fa914bb23115875638"}, + {file = "Pyomo-6.7.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:997dd24b9f575d67dff3dd4c780591419855b03adb023bd4c417fce858a50aa9"}, + {file = "Pyomo-6.7.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:31a3fdefb0e56842c59b422e0b5278b9bcfd845451f035a753fc683b0a16fe48"}, + {file = "Pyomo-6.7.3-cp311-cp311-win_amd64.whl", hash = "sha256:051fc5c7a1744bf82c13d243158e88e69a63c82832fef4aa73f1e536d4d56a93"}, + {file = "Pyomo-6.7.3-cp311-cp311-win_arm64.whl", hash = "sha256:d872c9f532e013d11a587847129de182efb257effdaf3bec735b631e72537990"}, + {file = "Pyomo-6.7.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:d2958deb4e084e6b54f511fb64b9e4a1bb35a4e1bd0f4073f047930319b610b3"}, + {file = "Pyomo-6.7.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:953b1ecd46c15e54a0299591b1fbb6331b0df645dfd714c220400d385ba0a106"}, + {file = "Pyomo-6.7.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:17f324fdaec0565efe9e784f0891152393ef705a9e60aaaf6890d7d8f20a5222"}, + {file = "Pyomo-6.7.3-cp312-cp312-win_amd64.whl", hash = "sha256:f333ec0d2341a51d05bbb6bb6c51e3ebd2406ae7379175fb3b6c6ef7ec2771f0"}, + {file = "Pyomo-6.7.3-cp312-cp312-win_arm64.whl", hash = "sha256:201732ad1bab762347d0717d414202dbbab83db8ee3b701f88558722d7890062"}, + {file = "Pyomo-6.7.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:4c2fad3daef9b474b42f9b883824078870f09190e408bfd2090e886a155c4e1f"}, + {file = "Pyomo-6.7.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:69e5e5ef0c66f2d1ceb7d1c6880e058501e1952d43ecce16f6ac0e6bc788905f"}, + {file = "Pyomo-6.7.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa3dd3b7d59df47eb8dfd84e9d6a64c7fc0c89cd68acb98f505069b88f4bfd3f"}, + {file = "Pyomo-6.7.3-cp38-cp38-win_amd64.whl", hash = "sha256:2f20820d603b28ad707931577a1ff14be38ff800fcde03531f9550ffeb507d07"}, + {file = "Pyomo-6.7.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:5301caa307539240254121830f0ed6e0fd5cff1e5ee8e335b97c2bb8c2f587dc"}, + {file = "Pyomo-6.7.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:19b0286bf7fc8004427214e50fd1a5490844e02f72a9a76d72c2c745b0a73172"}, + {file = "Pyomo-6.7.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2fda713100336b51e181bbc8c731ca97a129f27fa990a9def05559ade8fe2de7"}, + {file = "Pyomo-6.7.3-cp39-cp39-win_amd64.whl", hash = "sha256:380579299f3b03a9ec4d14fc4f0dd13ab2848f77a88861ae19a95f9e6b496e92"}, + {file = "Pyomo-6.7.3-cp39-cp39-win_arm64.whl", hash = "sha256:b292e95b5b56a8e04c3827f934789869400830a97c12ef756e7a48d5d7016adb"}, + {file = "Pyomo-6.7.3.tar.gz", hash = "sha256:b7f0441c405af4f42f38527ae38826a5c0a4984dd7bea1fe07172789d8594770"}, ] [package.dependencies] ply = "*" [package.extras] -docs = ["Sphinx (>4)", "enum-tools", "numpy", "scipy", "sphinx-copybutton", "sphinx-jinja2-compat (>=0.1.1)", "sphinx-rtd-theme (>0.5)", "sphinx-toolbox (>=2.16.0)", "sphinxcontrib-jsmath", "sphinxcontrib-napoleon"] -optional = ["casadi", "dill", "ipython", "matplotlib (!=3.6.1)", "networkx", "networkx (<3.2)", "numdifftools", "numpy", "openpyxl", "pandas", "pint", "plotly", "python-louvain", "pywin32", "pyyaml", "qtconsole", "scipy", "seaborn", "sympy", "xlrd", "z3-solver"] +docs = ["Sphinx (>4)", "enum-tools", "numpy (<2.0.0)", "scipy", "sphinx-copybutton", "sphinx-jinja2-compat (>=0.1.1)", "sphinx-rtd-theme (>0.5)", "sphinx-toolbox (>=2.16.0)", "sphinxcontrib-jsmath", "sphinxcontrib-napoleon"] +optional = ["casadi", "dill", "ipython", "matplotlib (>=3.6.0,!=3.6.1)", "networkx", "networkx (<3.2)", "numdifftools", "numpy (<2.0.0)", "openpyxl", "pandas", "pint", "plotly", "python-louvain", "pywin32", "pyyaml", "qtconsole", "scipy", "seaborn", "sympy", "xlrd", "z3-solver"] tests = ["coverage", "parameterized", "pybind11", "pytest", "pytest-parallel"] [[package]] @@ -1905,101 +1873,101 @@ files = [ [[package]] name = "regex" -version = "2024.4.28" +version = "2024.5.15" description = "Alternative regular expression module, to replace re." optional = false python-versions = ">=3.8" files = [ - {file = "regex-2024.4.28-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:cd196d056b40af073d95a2879678585f0b74ad35190fac04ca67954c582c6b61"}, - {file = "regex-2024.4.28-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8bb381f777351bd534462f63e1c6afb10a7caa9fa2a421ae22c26e796fe31b1f"}, - {file = "regex-2024.4.28-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:47af45b6153522733aa6e92543938e97a70ce0900649ba626cf5aad290b737b6"}, - {file = "regex-2024.4.28-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:99d6a550425cc51c656331af0e2b1651e90eaaa23fb4acde577cf15068e2e20f"}, - {file = "regex-2024.4.28-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bf29304a8011feb58913c382902fde3395957a47645bf848eea695839aa101b7"}, - {file = "regex-2024.4.28-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:92da587eee39a52c91aebea8b850e4e4f095fe5928d415cb7ed656b3460ae79a"}, - {file = "regex-2024.4.28-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6277d426e2f31bdbacb377d17a7475e32b2d7d1f02faaecc48d8e370c6a3ff31"}, - {file = "regex-2024.4.28-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:28e1f28d07220c0f3da0e8fcd5a115bbb53f8b55cecf9bec0c946eb9a059a94c"}, - {file = "regex-2024.4.28-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:aaa179975a64790c1f2701ac562b5eeb733946eeb036b5bcca05c8d928a62f10"}, - {file = "regex-2024.4.28-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6f435946b7bf7a1b438b4e6b149b947c837cb23c704e780c19ba3e6855dbbdd3"}, - {file = "regex-2024.4.28-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:19d6c11bf35a6ad077eb23852827f91c804eeb71ecb85db4ee1386825b9dc4db"}, - {file = "regex-2024.4.28-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:fdae0120cddc839eb8e3c15faa8ad541cc6d906d3eb24d82fb041cfe2807bc1e"}, - {file = "regex-2024.4.28-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:e672cf9caaf669053121f1766d659a8813bd547edef6e009205378faf45c67b8"}, - {file = "regex-2024.4.28-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f57515750d07e14743db55d59759893fdb21d2668f39e549a7d6cad5d70f9fea"}, - {file = "regex-2024.4.28-cp310-cp310-win32.whl", hash = "sha256:a1409c4eccb6981c7baabc8888d3550df518add6e06fe74fa1d9312c1838652d"}, - {file = "regex-2024.4.28-cp310-cp310-win_amd64.whl", hash = "sha256:1f687a28640f763f23f8a9801fe9e1b37338bb1ca5d564ddd41619458f1f22d1"}, - {file = "regex-2024.4.28-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:84077821c85f222362b72fdc44f7a3a13587a013a45cf14534df1cbbdc9a6796"}, - {file = "regex-2024.4.28-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b45d4503de8f4f3dc02f1d28a9b039e5504a02cc18906cfe744c11def942e9eb"}, - {file = "regex-2024.4.28-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:457c2cd5a646dd4ed536c92b535d73548fb8e216ebee602aa9f48e068fc393f3"}, - {file = "regex-2024.4.28-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2b51739ddfd013c6f657b55a508de8b9ea78b56d22b236052c3a85a675102dc6"}, - {file = "regex-2024.4.28-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:459226445c7d7454981c4c0ce0ad1a72e1e751c3e417f305722bbcee6697e06a"}, - {file = "regex-2024.4.28-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:670fa596984b08a4a769491cbdf22350431970d0112e03d7e4eeaecaafcd0fec"}, - {file = "regex-2024.4.28-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fe00f4fe11c8a521b173e6324d862ee7ee3412bf7107570c9b564fe1119b56fb"}, - {file = "regex-2024.4.28-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:36f392dc7763fe7924575475736bddf9ab9f7a66b920932d0ea50c2ded2f5636"}, - {file = "regex-2024.4.28-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:23a412b7b1a7063f81a742463f38821097b6a37ce1e5b89dd8e871d14dbfd86b"}, - {file = "regex-2024.4.28-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:f1d6e4b7b2ae3a6a9df53efbf199e4bfcff0959dbdb5fd9ced34d4407348e39a"}, - {file = "regex-2024.4.28-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:499334ad139557de97cbc4347ee921c0e2b5e9c0f009859e74f3f77918339257"}, - {file = "regex-2024.4.28-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:0940038bec2fe9e26b203d636c44d31dd8766abc1fe66262da6484bd82461ccf"}, - {file = "regex-2024.4.28-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:66372c2a01782c5fe8e04bff4a2a0121a9897e19223d9eab30c54c50b2ebeb7f"}, - {file = "regex-2024.4.28-cp311-cp311-win32.whl", hash = "sha256:c77d10ec3c1cf328b2f501ca32583625987ea0f23a0c2a49b37a39ee5c4c4630"}, - {file = "regex-2024.4.28-cp311-cp311-win_amd64.whl", hash = "sha256:fc0916c4295c64d6890a46e02d4482bb5ccf33bf1a824c0eaa9e83b148291f90"}, - {file = "regex-2024.4.28-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:08a1749f04fee2811c7617fdd46d2e46d09106fa8f475c884b65c01326eb15c5"}, - {file = "regex-2024.4.28-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:b8eb28995771c087a73338f695a08c9abfdf723d185e57b97f6175c5051ff1ae"}, - {file = "regex-2024.4.28-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:dd7ef715ccb8040954d44cfeff17e6b8e9f79c8019daae2fd30a8806ef5435c0"}, - {file = "regex-2024.4.28-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fb0315a2b26fde4005a7c401707c5352df274460f2f85b209cf6024271373013"}, - {file = "regex-2024.4.28-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f2fc053228a6bd3a17a9b0a3f15c3ab3cf95727b00557e92e1cfe094b88cc662"}, - {file = "regex-2024.4.28-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7fe9739a686dc44733d52d6e4f7b9c77b285e49edf8570754b322bca6b85b4cc"}, - {file = "regex-2024.4.28-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a74fcf77d979364f9b69fcf8200849ca29a374973dc193a7317698aa37d8b01c"}, - {file = "regex-2024.4.28-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:965fd0cf4694d76f6564896b422724ec7b959ef927a7cb187fc6b3f4e4f59833"}, - {file = "regex-2024.4.28-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:2fef0b38c34ae675fcbb1b5db760d40c3fc3612cfa186e9e50df5782cac02bcd"}, - {file = "regex-2024.4.28-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:bc365ce25f6c7c5ed70e4bc674f9137f52b7dd6a125037f9132a7be52b8a252f"}, - {file = "regex-2024.4.28-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:ac69b394764bb857429b031d29d9604842bc4cbfd964d764b1af1868eeebc4f0"}, - {file = "regex-2024.4.28-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:144a1fc54765f5c5c36d6d4b073299832aa1ec6a746a6452c3ee7b46b3d3b11d"}, - {file = "regex-2024.4.28-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2630ca4e152c221072fd4a56d4622b5ada876f668ecd24d5ab62544ae6793ed6"}, - {file = "regex-2024.4.28-cp312-cp312-win32.whl", hash = "sha256:7f3502f03b4da52bbe8ba962621daa846f38489cae5c4a7b5d738f15f6443d17"}, - {file = "regex-2024.4.28-cp312-cp312-win_amd64.whl", hash = "sha256:0dd3f69098511e71880fb00f5815db9ed0ef62c05775395968299cb400aeab82"}, - {file = "regex-2024.4.28-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:374f690e1dd0dbdcddea4a5c9bdd97632cf656c69113f7cd6a361f2a67221cb6"}, - {file = "regex-2024.4.28-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:25f87ae6b96374db20f180eab083aafe419b194e96e4f282c40191e71980c666"}, - {file = "regex-2024.4.28-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:5dbc1bcc7413eebe5f18196e22804a3be1bfdfc7e2afd415e12c068624d48247"}, - {file = "regex-2024.4.28-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f85151ec5a232335f1be022b09fbbe459042ea1951d8a48fef251223fc67eee1"}, - {file = "regex-2024.4.28-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:57ba112e5530530fd175ed550373eb263db4ca98b5f00694d73b18b9a02e7185"}, - {file = "regex-2024.4.28-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:224803b74aab56aa7be313f92a8d9911dcade37e5f167db62a738d0c85fdac4b"}, - {file = "regex-2024.4.28-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0a54a047b607fd2d2d52a05e6ad294602f1e0dec2291152b745870afc47c1397"}, - {file = "regex-2024.4.28-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0a2a512d623f1f2d01d881513af9fc6a7c46e5cfffb7dc50c38ce959f9246c94"}, - {file = "regex-2024.4.28-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:c06bf3f38f0707592898428636cbb75d0a846651b053a1cf748763e3063a6925"}, - {file = "regex-2024.4.28-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:1031a5e7b048ee371ab3653aad3030ecfad6ee9ecdc85f0242c57751a05b0ac4"}, - {file = "regex-2024.4.28-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:d7a353ebfa7154c871a35caca7bfd8f9e18666829a1dc187115b80e35a29393e"}, - {file = "regex-2024.4.28-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:7e76b9cfbf5ced1aca15a0e5b6f229344d9b3123439ffce552b11faab0114a02"}, - {file = "regex-2024.4.28-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:5ce479ecc068bc2a74cb98dd8dba99e070d1b2f4a8371a7dfe631f85db70fe6e"}, - {file = "regex-2024.4.28-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:7d77b6f63f806578c604dca209280e4c54f0fa9a8128bb8d2cc5fb6f99da4150"}, - {file = "regex-2024.4.28-cp38-cp38-win32.whl", hash = "sha256:d84308f097d7a513359757c69707ad339da799e53b7393819ec2ea36bc4beb58"}, - {file = "regex-2024.4.28-cp38-cp38-win_amd64.whl", hash = "sha256:2cc1b87bba1dd1a898e664a31012725e48af826bf3971e786c53e32e02adae6c"}, - {file = "regex-2024.4.28-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7413167c507a768eafb5424413c5b2f515c606be5bb4ef8c5dee43925aa5718b"}, - {file = "regex-2024.4.28-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:108e2dcf0b53a7c4ab8986842a8edcb8ab2e59919a74ff51c296772e8e74d0ae"}, - {file = "regex-2024.4.28-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f1c5742c31ba7d72f2dedf7968998730664b45e38827637e0f04a2ac7de2f5f1"}, - {file = "regex-2024.4.28-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ecc6148228c9ae25ce403eade13a0961de1cb016bdb35c6eafd8e7b87ad028b1"}, - {file = "regex-2024.4.28-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b7d893c8cf0e2429b823ef1a1d360a25950ed11f0e2a9df2b5198821832e1947"}, - {file = "regex-2024.4.28-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4290035b169578ffbbfa50d904d26bec16a94526071ebec3dadbebf67a26b25e"}, - {file = "regex-2024.4.28-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:44a22ae1cfd82e4ffa2066eb3390777dc79468f866f0625261a93e44cdf6482b"}, - {file = "regex-2024.4.28-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fd24fd140b69f0b0bcc9165c397e9b2e89ecbeda83303abf2a072609f60239e2"}, - {file = "regex-2024.4.28-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:39fb166d2196413bead229cd64a2ffd6ec78ebab83fff7d2701103cf9f4dfd26"}, - {file = "regex-2024.4.28-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9301cc6db4d83d2c0719f7fcda37229691745168bf6ae849bea2e85fc769175d"}, - {file = "regex-2024.4.28-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7c3d389e8d76a49923683123730c33e9553063d9041658f23897f0b396b2386f"}, - {file = "regex-2024.4.28-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:99ef6289b62042500d581170d06e17f5353b111a15aa6b25b05b91c6886df8fc"}, - {file = "regex-2024.4.28-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:b91d529b47798c016d4b4c1d06cc826ac40d196da54f0de3c519f5a297c5076a"}, - {file = "regex-2024.4.28-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:43548ad74ea50456e1c68d3c67fff3de64c6edb85bcd511d1136f9b5376fc9d1"}, - {file = "regex-2024.4.28-cp39-cp39-win32.whl", hash = "sha256:05d9b6578a22db7dedb4df81451f360395828b04f4513980b6bd7a1412c679cc"}, - {file = "regex-2024.4.28-cp39-cp39-win_amd64.whl", hash = "sha256:3986217ec830c2109875be740531feb8ddafe0dfa49767cdcd072ed7e8927962"}, - {file = "regex-2024.4.28.tar.gz", hash = "sha256:83ab366777ea45d58f72593adf35d36ca911ea8bd838483c1823b883a121b0e4"}, + {file = "regex-2024.5.15-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a81e3cfbae20378d75185171587cbf756015ccb14840702944f014e0d93ea09f"}, + {file = "regex-2024.5.15-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7b59138b219ffa8979013be7bc85bb60c6f7b7575df3d56dc1e403a438c7a3f6"}, + {file = "regex-2024.5.15-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a0bd000c6e266927cb7a1bc39d55be95c4b4f65c5be53e659537537e019232b1"}, + {file = "regex-2024.5.15-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5eaa7ddaf517aa095fa8da0b5015c44d03da83f5bd49c87961e3c997daed0de7"}, + {file = "regex-2024.5.15-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ba68168daedb2c0bab7fd7e00ced5ba90aebf91024dea3c88ad5063c2a562cca"}, + {file = "regex-2024.5.15-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6e8d717bca3a6e2064fc3a08df5cbe366369f4b052dcd21b7416e6d71620dca1"}, + {file = "regex-2024.5.15-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1337b7dbef9b2f71121cdbf1e97e40de33ff114801263b275aafd75303bd62b5"}, + {file = "regex-2024.5.15-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f9ebd0a36102fcad2f03696e8af4ae682793a5d30b46c647eaf280d6cfb32796"}, + {file = "regex-2024.5.15-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:9efa1a32ad3a3ea112224897cdaeb6aa00381627f567179c0314f7b65d354c62"}, + {file = "regex-2024.5.15-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:1595f2d10dff3d805e054ebdc41c124753631b6a471b976963c7b28543cf13b0"}, + {file = "regex-2024.5.15-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:b802512f3e1f480f41ab5f2cfc0e2f761f08a1f41092d6718868082fc0d27143"}, + {file = "regex-2024.5.15-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:a0981022dccabca811e8171f913de05720590c915b033b7e601f35ce4ea7019f"}, + {file = "regex-2024.5.15-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:19068a6a79cf99a19ccefa44610491e9ca02c2be3305c7760d3831d38a467a6f"}, + {file = "regex-2024.5.15-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:1b5269484f6126eee5e687785e83c6b60aad7663dafe842b34691157e5083e53"}, + {file = "regex-2024.5.15-cp310-cp310-win32.whl", hash = "sha256:ada150c5adfa8fbcbf321c30c751dc67d2f12f15bd183ffe4ec7cde351d945b3"}, + {file = "regex-2024.5.15-cp310-cp310-win_amd64.whl", hash = "sha256:ac394ff680fc46b97487941f5e6ae49a9f30ea41c6c6804832063f14b2a5a145"}, + {file = "regex-2024.5.15-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f5b1dff3ad008dccf18e652283f5e5339d70bf8ba7c98bf848ac33db10f7bc7a"}, + {file = "regex-2024.5.15-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c6a2b494a76983df8e3d3feea9b9ffdd558b247e60b92f877f93a1ff43d26656"}, + {file = "regex-2024.5.15-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a32b96f15c8ab2e7d27655969a23895eb799de3665fa94349f3b2fbfd547236f"}, + {file = "regex-2024.5.15-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:10002e86e6068d9e1c91eae8295ef690f02f913c57db120b58fdd35a6bb1af35"}, + {file = "regex-2024.5.15-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ec54d5afa89c19c6dd8541a133be51ee1017a38b412b1321ccb8d6ddbeb4cf7d"}, + {file = "regex-2024.5.15-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:10e4ce0dca9ae7a66e6089bb29355d4432caed736acae36fef0fdd7879f0b0cb"}, + {file = "regex-2024.5.15-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3e507ff1e74373c4d3038195fdd2af30d297b4f0950eeda6f515ae3d84a1770f"}, + {file = "regex-2024.5.15-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d1f059a4d795e646e1c37665b9d06062c62d0e8cc3c511fe01315973a6542e40"}, + {file = "regex-2024.5.15-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:0721931ad5fe0dda45d07f9820b90b2148ccdd8e45bb9e9b42a146cb4f695649"}, + {file = "regex-2024.5.15-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:833616ddc75ad595dee848ad984d067f2f31be645d603e4d158bba656bbf516c"}, + {file = "regex-2024.5.15-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:287eb7f54fc81546346207c533ad3c2c51a8d61075127d7f6d79aaf96cdee890"}, + {file = "regex-2024.5.15-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:19dfb1c504781a136a80ecd1fff9f16dddf5bb43cec6871778c8a907a085bb3d"}, + {file = "regex-2024.5.15-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:119af6e56dce35e8dfb5222573b50c89e5508d94d55713c75126b753f834de68"}, + {file = "regex-2024.5.15-cp311-cp311-win32.whl", hash = "sha256:1c1c174d6ec38d6c8a7504087358ce9213d4332f6293a94fbf5249992ba54efa"}, + {file = "regex-2024.5.15-cp311-cp311-win_amd64.whl", hash = "sha256:9e717956dcfd656f5055cc70996ee2cc82ac5149517fc8e1b60261b907740201"}, + {file = "regex-2024.5.15-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:632b01153e5248c134007209b5c6348a544ce96c46005d8456de1d552455b014"}, + {file = "regex-2024.5.15-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:e64198f6b856d48192bf921421fdd8ad8eb35e179086e99e99f711957ffedd6e"}, + {file = "regex-2024.5.15-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:68811ab14087b2f6e0fc0c2bae9ad689ea3584cad6917fc57be6a48bbd012c49"}, + {file = "regex-2024.5.15-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f8ec0c2fea1e886a19c3bee0cd19d862b3aa75dcdfb42ebe8ed30708df64687a"}, + {file = "regex-2024.5.15-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d0c0c0003c10f54a591d220997dd27d953cd9ccc1a7294b40a4be5312be8797b"}, + {file = "regex-2024.5.15-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2431b9e263af1953c55abbd3e2efca67ca80a3de8a0437cb58e2421f8184717a"}, + {file = "regex-2024.5.15-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4a605586358893b483976cffc1723fb0f83e526e8f14c6e6614e75919d9862cf"}, + {file = "regex-2024.5.15-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:391d7f7f1e409d192dba8bcd42d3e4cf9e598f3979cdaed6ab11288da88cb9f2"}, + {file = "regex-2024.5.15-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:9ff11639a8d98969c863d4617595eb5425fd12f7c5ef6621a4b74b71ed8726d5"}, + {file = "regex-2024.5.15-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:4eee78a04e6c67e8391edd4dad3279828dd66ac4b79570ec998e2155d2e59fd5"}, + {file = "regex-2024.5.15-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:8fe45aa3f4aa57faabbc9cb46a93363edd6197cbc43523daea044e9ff2fea83e"}, + {file = "regex-2024.5.15-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:d0a3d8d6acf0c78a1fff0e210d224b821081330b8524e3e2bc5a68ef6ab5803d"}, + {file = "regex-2024.5.15-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:c486b4106066d502495b3025a0a7251bf37ea9540433940a23419461ab9f2a80"}, + {file = "regex-2024.5.15-cp312-cp312-win32.whl", hash = "sha256:c49e15eac7c149f3670b3e27f1f28a2c1ddeccd3a2812cba953e01be2ab9b5fe"}, + {file = "regex-2024.5.15-cp312-cp312-win_amd64.whl", hash = "sha256:673b5a6da4557b975c6c90198588181029c60793835ce02f497ea817ff647cb2"}, + {file = "regex-2024.5.15-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:87e2a9c29e672fc65523fb47a90d429b70ef72b901b4e4b1bd42387caf0d6835"}, + {file = "regex-2024.5.15-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:c3bea0ba8b73b71b37ac833a7f3fd53825924165da6a924aec78c13032f20850"}, + {file = "regex-2024.5.15-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bfc4f82cabe54f1e7f206fd3d30fda143f84a63fe7d64a81558d6e5f2e5aaba9"}, + {file = "regex-2024.5.15-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e5bb9425fe881d578aeca0b2b4b3d314ec88738706f66f219c194d67179337cb"}, + {file = "regex-2024.5.15-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:64c65783e96e563103d641760664125e91bd85d8e49566ee560ded4da0d3e704"}, + {file = "regex-2024.5.15-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cf2430df4148b08fb4324b848672514b1385ae3807651f3567871f130a728cc3"}, + {file = "regex-2024.5.15-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5397de3219a8b08ae9540c48f602996aa6b0b65d5a61683e233af8605c42b0f2"}, + {file = "regex-2024.5.15-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:455705d34b4154a80ead722f4f185b04c4237e8e8e33f265cd0798d0e44825fa"}, + {file = "regex-2024.5.15-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:b2b6f1b3bb6f640c1a92be3bbfbcb18657b125b99ecf141fb3310b5282c7d4ed"}, + {file = "regex-2024.5.15-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:3ad070b823ca5890cab606c940522d05d3d22395d432f4aaaf9d5b1653e47ced"}, + {file = "regex-2024.5.15-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:5b5467acbfc153847d5adb21e21e29847bcb5870e65c94c9206d20eb4e99a384"}, + {file = "regex-2024.5.15-cp38-cp38-musllinux_1_2_ppc64le.whl", hash = "sha256:e6662686aeb633ad65be2a42b4cb00178b3fbf7b91878f9446075c404ada552f"}, + {file = "regex-2024.5.15-cp38-cp38-musllinux_1_2_s390x.whl", hash = "sha256:2b4c884767504c0e2401babe8b5b7aea9148680d2e157fa28f01529d1f7fcf67"}, + {file = "regex-2024.5.15-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:3cd7874d57f13bf70078f1ff02b8b0aa48d5b9ed25fc48547516c6aba36f5741"}, + {file = "regex-2024.5.15-cp38-cp38-win32.whl", hash = "sha256:e4682f5ba31f475d58884045c1a97a860a007d44938c4c0895f41d64481edbc9"}, + {file = "regex-2024.5.15-cp38-cp38-win_amd64.whl", hash = "sha256:d99ceffa25ac45d150e30bd9ed14ec6039f2aad0ffa6bb87a5936f5782fc1569"}, + {file = "regex-2024.5.15-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:13cdaf31bed30a1e1c2453ef6015aa0983e1366fad2667657dbcac7b02f67133"}, + {file = "regex-2024.5.15-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cac27dcaa821ca271855a32188aa61d12decb6fe45ffe3e722401fe61e323cd1"}, + {file = "regex-2024.5.15-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:7dbe2467273b875ea2de38ded4eba86cbcbc9a1a6d0aa11dcf7bd2e67859c435"}, + {file = "regex-2024.5.15-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:64f18a9a3513a99c4bef0e3efd4c4a5b11228b48aa80743be822b71e132ae4f5"}, + {file = "regex-2024.5.15-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d347a741ea871c2e278fde6c48f85136c96b8659b632fb57a7d1ce1872547600"}, + {file = "regex-2024.5.15-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1878b8301ed011704aea4c806a3cadbd76f84dece1ec09cc9e4dc934cfa5d4da"}, + {file = "regex-2024.5.15-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4babf07ad476aaf7830d77000874d7611704a7fcf68c9c2ad151f5d94ae4bfc4"}, + {file = "regex-2024.5.15-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:35cb514e137cb3488bce23352af3e12fb0dbedd1ee6e60da053c69fb1b29cc6c"}, + {file = "regex-2024.5.15-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:cdd09d47c0b2efee9378679f8510ee6955d329424c659ab3c5e3a6edea696294"}, + {file = "regex-2024.5.15-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:72d7a99cd6b8f958e85fc6ca5b37c4303294954eac1376535b03c2a43eb72629"}, + {file = "regex-2024.5.15-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:a094801d379ab20c2135529948cb84d417a2169b9bdceda2a36f5f10977ebc16"}, + {file = "regex-2024.5.15-cp39-cp39-musllinux_1_2_ppc64le.whl", hash = "sha256:c0c18345010870e58238790a6779a1219b4d97bd2e77e1140e8ee5d14df071aa"}, + {file = "regex-2024.5.15-cp39-cp39-musllinux_1_2_s390x.whl", hash = "sha256:16093f563098448ff6b1fa68170e4acbef94e6b6a4e25e10eae8598bb1694b5d"}, + {file = "regex-2024.5.15-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:e38a7d4e8f633a33b4c7350fbd8bad3b70bf81439ac67ac38916c4a86b465456"}, + {file = "regex-2024.5.15-cp39-cp39-win32.whl", hash = "sha256:71a455a3c584a88f654b64feccc1e25876066c4f5ef26cd6dd711308aa538694"}, + {file = "regex-2024.5.15-cp39-cp39-win_amd64.whl", hash = "sha256:cab12877a9bdafde5500206d1020a584355a97884dfd388af3699e9137bf7388"}, + {file = "regex-2024.5.15.tar.gz", hash = "sha256:d3ee02d9e5f482cc8309134a91eeaacbdd2261ba111b0fef3748eeb4913e6a2c"}, ] [[package]] name = "requests" -version = "2.31.0" +version = "2.32.3" description = "Python HTTP for Humans." optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "requests-2.31.0-py3-none-any.whl", hash = "sha256:58cd2187c01e70e6e26505bca751777aa9f2ee0b7f4300988b709f44e013003f"}, - {file = "requests-2.31.0.tar.gz", hash = "sha256:942c5a758f98d790eaed1a29cb6eefc7ffb0d1cf7af05c3d2791656dbd6ad1e1"}, + {file = "requests-2.32.3-py3-none-any.whl", hash = "sha256:70761cfe03c773ceb22aa2f671b4757976145175cdfca038c02654d061d6dcc6"}, + {file = "requests-2.32.3.tar.gz", hash = "sha256:55365417734eb18255590a9ff9eb97e9e1da868d4ccd6402399eaf68af20a760"}, ] [package.dependencies] @@ -2063,103 +2031,90 @@ crt = ["botocore[crt] (>=1.20.29,<2.0a.0)"] [[package]] name = "scikit-learn" -version = "1.4.2" +version = "1.5.1" description = "A set of python modules for machine learning and data mining" optional = false python-versions = ">=3.9" files = [ - {file = "scikit-learn-1.4.2.tar.gz", hash = "sha256:daa1c471d95bad080c6e44b4946c9390a4842adc3082572c20e4f8884e39e959"}, - {file = "scikit_learn-1.4.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8539a41b3d6d1af82eb629f9c57f37428ff1481c1e34dddb3b9d7af8ede67ac5"}, - {file = "scikit_learn-1.4.2-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:68b8404841f944a4a1459b07198fa2edd41a82f189b44f3e1d55c104dbc2e40c"}, - {file = "scikit_learn-1.4.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:81bf5d8bbe87643103334032dd82f7419bc8c8d02a763643a6b9a5c7288c5054"}, - {file = "scikit_learn-1.4.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:36f0ea5d0f693cb247a073d21a4123bdf4172e470e6d163c12b74cbb1536cf38"}, - {file = "scikit_learn-1.4.2-cp310-cp310-win_amd64.whl", hash = "sha256:87440e2e188c87db80ea4023440923dccbd56fbc2d557b18ced00fef79da0727"}, - {file = "scikit_learn-1.4.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:45dee87ac5309bb82e3ea633955030df9bbcb8d2cdb30383c6cd483691c546cc"}, - {file = "scikit_learn-1.4.2-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:1d0b25d9c651fd050555aadd57431b53d4cf664e749069da77f3d52c5ad14b3b"}, - {file = "scikit_learn-1.4.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b0203c368058ab92efc6168a1507d388d41469c873e96ec220ca8e74079bf62e"}, - {file = "scikit_learn-1.4.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:44c62f2b124848a28fd695db5bc4da019287abf390bfce602ddc8aa1ec186aae"}, - {file = "scikit_learn-1.4.2-cp311-cp311-win_amd64.whl", hash = "sha256:5cd7b524115499b18b63f0c96f4224eb885564937a0b3477531b2b63ce331904"}, - {file = "scikit_learn-1.4.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:90378e1747949f90c8f385898fff35d73193dfcaec3dd75d6b542f90c4e89755"}, - {file = "scikit_learn-1.4.2-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:ff4effe5a1d4e8fed260a83a163f7dbf4f6087b54528d8880bab1d1377bd78be"}, - {file = "scikit_learn-1.4.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:671e2f0c3f2c15409dae4f282a3a619601fa824d2c820e5b608d9d775f91780c"}, - {file = "scikit_learn-1.4.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d36d0bc983336bbc1be22f9b686b50c964f593c8a9a913a792442af9bf4f5e68"}, - {file = "scikit_learn-1.4.2-cp312-cp312-win_amd64.whl", hash = "sha256:d762070980c17ba3e9a4a1e043ba0518ce4c55152032f1af0ca6f39b376b5928"}, - {file = "scikit_learn-1.4.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d9993d5e78a8148b1d0fdf5b15ed92452af5581734129998c26f481c46586d68"}, - {file = "scikit_learn-1.4.2-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:426d258fddac674fdf33f3cb2d54d26f49406e2599dbf9a32b4d1696091d4256"}, - {file = "scikit_learn-1.4.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5460a1a5b043ae5ae4596b3126a4ec33ccba1b51e7ca2c5d36dac2169f62ab1d"}, - {file = "scikit_learn-1.4.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:49d64ef6cb8c093d883e5a36c4766548d974898d378e395ba41a806d0e824db8"}, - {file = "scikit_learn-1.4.2-cp39-cp39-win_amd64.whl", hash = "sha256:c97a50b05c194be9146d61fe87dbf8eac62b203d9e87a3ccc6ae9aed2dfaf361"}, + {file = "scikit_learn-1.5.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:781586c414f8cc58e71da4f3d7af311e0505a683e112f2f62919e3019abd3745"}, + {file = "scikit_learn-1.5.1-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:f5b213bc29cc30a89a3130393b0e39c847a15d769d6e59539cd86b75d276b1a7"}, + {file = "scikit_learn-1.5.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1ff4ba34c2abff5ec59c803ed1d97d61b036f659a17f55be102679e88f926fac"}, + {file = "scikit_learn-1.5.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:161808750c267b77b4a9603cf9c93579c7a74ba8486b1336034c2f1579546d21"}, + {file = "scikit_learn-1.5.1-cp310-cp310-win_amd64.whl", hash = "sha256:10e49170691514a94bb2e03787aa921b82dbc507a4ea1f20fd95557862c98dc1"}, + {file = "scikit_learn-1.5.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:154297ee43c0b83af12464adeab378dee2d0a700ccd03979e2b821e7dd7cc1c2"}, + {file = "scikit_learn-1.5.1-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:b5e865e9bd59396220de49cb4a57b17016256637c61b4c5cc81aaf16bc123bbe"}, + {file = "scikit_learn-1.5.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:909144d50f367a513cee6090873ae582dba019cb3fca063b38054fa42704c3a4"}, + {file = "scikit_learn-1.5.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:689b6f74b2c880276e365fe84fe4f1befd6a774f016339c65655eaff12e10cbf"}, + {file = "scikit_learn-1.5.1-cp311-cp311-win_amd64.whl", hash = "sha256:9a07f90846313a7639af6a019d849ff72baadfa4c74c778821ae0fad07b7275b"}, + {file = "scikit_learn-1.5.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5944ce1faada31c55fb2ba20a5346b88e36811aab504ccafb9f0339e9f780395"}, + {file = "scikit_learn-1.5.1-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:0828673c5b520e879f2af6a9e99eee0eefea69a2188be1ca68a6121b809055c1"}, + {file = "scikit_learn-1.5.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:508907e5f81390e16d754e8815f7497e52139162fd69c4fdbd2dfa5d6cc88915"}, + {file = "scikit_learn-1.5.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:97625f217c5c0c5d0505fa2af28ae424bd37949bb2f16ace3ff5f2f81fb4498b"}, + {file = "scikit_learn-1.5.1-cp312-cp312-win_amd64.whl", hash = "sha256:da3f404e9e284d2b0a157e1b56b6566a34eb2798205cba35a211df3296ab7a74"}, + {file = "scikit_learn-1.5.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:88e0672c7ac21eb149d409c74cc29f1d611d5158175846e7a9c2427bd12b3956"}, + {file = "scikit_learn-1.5.1-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:7b073a27797a283187a4ef4ee149959defc350b46cbf63a84d8514fe16b69855"}, + {file = "scikit_learn-1.5.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b59e3e62d2be870e5c74af4e793293753565c7383ae82943b83383fdcf5cc5c1"}, + {file = "scikit_learn-1.5.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1bd8d3a19d4bd6dc5a7d4f358c8c3a60934dc058f363c34c0ac1e9e12a31421d"}, + {file = "scikit_learn-1.5.1-cp39-cp39-win_amd64.whl", hash = "sha256:5f57428de0c900a98389c4a433d4a3cf89de979b3aa24d1c1d251802aa15e44d"}, + {file = "scikit_learn-1.5.1.tar.gz", hash = "sha256:0ea5d40c0e3951df445721927448755d3fe1d80833b0b7308ebff5d2a45e6414"}, ] [package.dependencies] joblib = ">=1.2.0" numpy = ">=1.19.5" scipy = ">=1.6.0" -threadpoolctl = ">=2.0.0" +threadpoolctl = ">=3.1.0" [package.extras] -benchmark = ["matplotlib (>=3.3.4)", "memory-profiler (>=0.57.0)", "pandas (>=1.1.5)"] -docs = ["Pillow (>=7.1.2)", "matplotlib (>=3.3.4)", "memory-profiler (>=0.57.0)", "numpydoc (>=1.2.0)", "pandas (>=1.1.5)", "plotly (>=5.14.0)", "pooch (>=1.6.0)", "scikit-image (>=0.17.2)", "seaborn (>=0.9.0)", "sphinx (>=6.0.0)", "sphinx-copybutton (>=0.5.2)", "sphinx-gallery (>=0.15.0)", "sphinx-prompt (>=1.3.0)", "sphinxext-opengraph (>=0.4.2)"] +benchmark = ["matplotlib (>=3.3.4)", "memory_profiler (>=0.57.0)", "pandas (>=1.1.5)"] +build = ["cython (>=3.0.10)", "meson-python (>=0.16.0)", "numpy (>=1.19.5)", "scipy (>=1.6.0)"] +docs = ["Pillow (>=7.1.2)", "matplotlib (>=3.3.4)", "memory_profiler (>=0.57.0)", "numpydoc (>=1.2.0)", "pandas (>=1.1.5)", "plotly (>=5.14.0)", "polars (>=0.20.23)", "pooch (>=1.6.0)", "pydata-sphinx-theme (>=0.15.3)", "scikit-image (>=0.17.2)", "seaborn (>=0.9.0)", "sphinx (>=7.3.7)", "sphinx-copybutton (>=0.5.2)", "sphinx-design (>=0.5.0)", "sphinx-gallery (>=0.16.0)", "sphinx-prompt (>=1.4.0)", "sphinx-remove-toctrees (>=1.0.0.post1)", "sphinxcontrib-sass (>=0.3.4)", "sphinxext-opengraph (>=0.9.1)"] examples = ["matplotlib (>=3.3.4)", "pandas (>=1.1.5)", "plotly (>=5.14.0)", "pooch (>=1.6.0)", "scikit-image (>=0.17.2)", "seaborn (>=0.9.0)"] -tests = ["black (>=23.3.0)", "matplotlib (>=3.3.4)", "mypy (>=1.3)", "numpydoc (>=1.2.0)", "pandas (>=1.1.5)", "polars (>=0.19.12)", "pooch (>=1.6.0)", "pyamg (>=4.0.0)", "pyarrow (>=12.0.0)", "pytest (>=7.1.2)", "pytest-cov (>=2.9.0)", "ruff (>=0.0.272)", "scikit-image (>=0.17.2)"] +install = ["joblib (>=1.2.0)", "numpy (>=1.19.5)", "scipy (>=1.6.0)", "threadpoolctl (>=3.1.0)"] +maintenance = ["conda-lock (==2.5.6)"] +tests = ["black (>=24.3.0)", "matplotlib (>=3.3.4)", "mypy (>=1.9)", "numpydoc (>=1.2.0)", "pandas (>=1.1.5)", "polars (>=0.20.23)", "pooch (>=1.6.0)", "pyamg (>=4.0.0)", "pyarrow (>=12.0.0)", "pytest (>=7.1.2)", "pytest-cov (>=2.9.0)", "ruff (>=0.2.1)", "scikit-image (>=0.17.2)"] [[package]] name = "scipy" -version = "1.13.0" +version = "1.14.0" description = "Fundamental algorithms for scientific computing in Python" optional = false -python-versions = ">=3.9" +python-versions = ">=3.10" files = [ - {file = "scipy-1.13.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ba419578ab343a4e0a77c0ef82f088238a93eef141b2b8017e46149776dfad4d"}, - {file = "scipy-1.13.0-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:22789b56a999265431c417d462e5b7f2b487e831ca7bef5edeb56efe4c93f86e"}, - {file = "scipy-1.13.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:05f1432ba070e90d42d7fd836462c50bf98bd08bed0aa616c359eed8a04e3922"}, - {file = "scipy-1.13.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b8434f6f3fa49f631fae84afee424e2483289dfc30a47755b4b4e6b07b2633a4"}, - {file = "scipy-1.13.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:dcbb9ea49b0167de4167c40eeee6e167caeef11effb0670b554d10b1e693a8b9"}, - {file = "scipy-1.13.0-cp310-cp310-win_amd64.whl", hash = "sha256:1d2f7bb14c178f8b13ebae93f67e42b0a6b0fc50eba1cd8021c9b6e08e8fb1cd"}, - {file = "scipy-1.13.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0fbcf8abaf5aa2dc8d6400566c1a727aed338b5fe880cde64907596a89d576fa"}, - {file = "scipy-1.13.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:5e4a756355522eb60fcd61f8372ac2549073c8788f6114449b37e9e8104f15a5"}, - {file = "scipy-1.13.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b5acd8e1dbd8dbe38d0004b1497019b2dbbc3d70691e65d69615f8a7292865d7"}, - {file = "scipy-1.13.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9ff7dad5d24a8045d836671e082a490848e8639cabb3dbdacb29f943a678683d"}, - {file = "scipy-1.13.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:4dca18c3ffee287ddd3bc8f1dabaf45f5305c5afc9f8ab9cbfab855e70b2df5c"}, - {file = "scipy-1.13.0-cp311-cp311-win_amd64.whl", hash = "sha256:a2f471de4d01200718b2b8927f7d76b5d9bde18047ea0fa8bd15c5ba3f26a1d6"}, - {file = "scipy-1.13.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:d0de696f589681c2802f9090fff730c218f7c51ff49bf252b6a97ec4a5d19e8b"}, - {file = "scipy-1.13.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:b2a3ff461ec4756b7e8e42e1c681077349a038f0686132d623fa404c0bee2551"}, - {file = "scipy-1.13.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf9fe63e7a4bf01d3645b13ff2aa6dea023d38993f42aaac81a18b1bda7a82a"}, - {file = "scipy-1.13.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1e7626dfd91cdea5714f343ce1176b6c4745155d234f1033584154f60ef1ff42"}, - {file = "scipy-1.13.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:109d391d720fcebf2fbe008621952b08e52907cf4c8c7efc7376822151820820"}, - {file = "scipy-1.13.0-cp312-cp312-win_amd64.whl", hash = "sha256:8930ae3ea371d6b91c203b1032b9600d69c568e537b7988a3073dfe4d4774f21"}, - {file = "scipy-1.13.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5407708195cb38d70fd2d6bb04b1b9dd5c92297d86e9f9daae1576bd9e06f602"}, - {file = "scipy-1.13.0-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:ac38c4c92951ac0f729c4c48c9e13eb3675d9986cc0c83943784d7390d540c78"}, - {file = "scipy-1.13.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:09c74543c4fbeb67af6ce457f6a6a28e5d3739a87f62412e4a16e46f164f0ae5"}, - {file = "scipy-1.13.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:28e286bf9ac422d6beb559bc61312c348ca9b0f0dae0d7c5afde7f722d6ea13d"}, - {file = "scipy-1.13.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:33fde20efc380bd23a78a4d26d59fc8704e9b5fd9b08841693eb46716ba13d86"}, - {file = "scipy-1.13.0-cp39-cp39-win_amd64.whl", hash = "sha256:45c08bec71d3546d606989ba6e7daa6f0992918171e2a6f7fbedfa7361c2de1e"}, - {file = "scipy-1.13.0.tar.gz", hash = "sha256:58569af537ea29d3f78e5abd18398459f195546bb3be23d16677fb26616cc11e"}, + {file = "scipy-1.14.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7e911933d54ead4d557c02402710c2396529540b81dd554fc1ba270eb7308484"}, + {file = "scipy-1.14.0-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:687af0a35462402dd851726295c1a5ae5f987bd6e9026f52e9505994e2f84ef6"}, + {file = "scipy-1.14.0-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:07e179dc0205a50721022344fb85074f772eadbda1e1b3eecdc483f8033709b7"}, + {file = "scipy-1.14.0-cp310-cp310-macosx_14_0_x86_64.whl", hash = "sha256:6a9c9a9b226d9a21e0a208bdb024c3982932e43811b62d202aaf1bb59af264b1"}, + {file = "scipy-1.14.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:076c27284c768b84a45dcf2e914d4000aac537da74236a0d45d82c6fa4b7b3c0"}, + {file = "scipy-1.14.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:42470ea0195336df319741e230626b6225a740fd9dce9642ca13e98f667047c0"}, + {file = "scipy-1.14.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:176c6f0d0470a32f1b2efaf40c3d37a24876cebf447498a4cefb947a79c21e9d"}, + {file = "scipy-1.14.0-cp310-cp310-win_amd64.whl", hash = "sha256:ad36af9626d27a4326c8e884917b7ec321d8a1841cd6dacc67d2a9e90c2f0359"}, + {file = "scipy-1.14.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6d056a8709ccda6cf36cdd2eac597d13bc03dba38360f418560a93050c76a16e"}, + {file = "scipy-1.14.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:f0a50da861a7ec4573b7c716b2ebdcdf142b66b756a0d392c236ae568b3a93fb"}, + {file = "scipy-1.14.0-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:94c164a9e2498e68308e6e148646e486d979f7fcdb8b4cf34b5441894bdb9caf"}, + {file = "scipy-1.14.0-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:a7d46c3e0aea5c064e734c3eac5cf9eb1f8c4ceee756262f2c7327c4c2691c86"}, + {file = "scipy-1.14.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9eee2989868e274aae26125345584254d97c56194c072ed96cb433f32f692ed8"}, + {file = "scipy-1.14.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9e3154691b9f7ed73778d746da2df67a19d046a6c8087c8b385bc4cdb2cfca74"}, + {file = "scipy-1.14.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:c40003d880f39c11c1edbae8144e3813904b10514cd3d3d00c277ae996488cdb"}, + {file = "scipy-1.14.0-cp311-cp311-win_amd64.whl", hash = "sha256:5b083c8940028bb7e0b4172acafda6df762da1927b9091f9611b0bcd8676f2bc"}, + {file = "scipy-1.14.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:bff2438ea1330e06e53c424893ec0072640dac00f29c6a43a575cbae4c99b2b9"}, + {file = "scipy-1.14.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:bbc0471b5f22c11c389075d091d3885693fd3f5e9a54ce051b46308bc787e5d4"}, + {file = "scipy-1.14.0-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:64b2ff514a98cf2bb734a9f90d32dc89dc6ad4a4a36a312cd0d6327170339eb0"}, + {file = "scipy-1.14.0-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:7d3da42fbbbb860211a811782504f38ae7aaec9de8764a9bef6b262de7a2b50f"}, + {file = "scipy-1.14.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d91db2c41dd6c20646af280355d41dfa1ec7eead235642178bd57635a3f82209"}, + {file = "scipy-1.14.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a01cc03bcdc777c9da3cfdcc74b5a75caffb48a6c39c8450a9a05f82c4250a14"}, + {file = "scipy-1.14.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:65df4da3c12a2bb9ad52b86b4dcf46813e869afb006e58be0f516bc370165159"}, + {file = "scipy-1.14.0-cp312-cp312-win_amd64.whl", hash = "sha256:4c4161597c75043f7154238ef419c29a64ac4a7c889d588ea77690ac4d0d9b20"}, + {file = "scipy-1.14.0.tar.gz", hash = "sha256:b5923f48cb840380f9854339176ef21763118a7300a88203ccd0bdd26e58527b"}, ] [package.dependencies] -numpy = ">=1.22.4,<2.3" - -[package.extras] -dev = ["cython-lint (>=0.12.2)", "doit (>=0.36.0)", "mypy", "pycodestyle", "pydevtool", "rich-click", "ruff", "types-psutil", "typing_extensions"] -doc = ["jupyterlite-pyodide-kernel", "jupyterlite-sphinx (>=0.12.0)", "jupytext", "matplotlib (>=3.5)", "myst-nb", "numpydoc", "pooch", "pydata-sphinx-theme (>=0.15.2)", "sphinx (>=5.0.0)", "sphinx-design (>=0.4.0)"] -test = ["array-api-strict", "asv", "gmpy2", "hypothesis (>=6.30)", "mpmath", "pooch", "pytest", "pytest-cov", "pytest-timeout", "pytest-xdist", "scikit-umfpack", "threadpoolctl"] - -[[package]] -name = "setuptools" -version = "69.5.1" -description = "Easily download, build, install, upgrade, and uninstall Python packages" -optional = false -python-versions = ">=3.8" -files = [ - {file = "setuptools-69.5.1-py3-none-any.whl", hash = "sha256:c636ac361bc47580504644275c9ad802c50415c7522212252c033bd15f301f32"}, - {file = "setuptools-69.5.1.tar.gz", hash = "sha256:6c1fccdac05a97e598fb0ae3bbed5904ccb317337a51139dcd51453611bbb987"}, -] +numpy = ">=1.23.5,<2.3" [package.extras] -docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-inline-tabs", "sphinx-lint", "sphinx-notfound-page (>=1,<2)", "sphinx-reredirects", "sphinxcontrib-towncrier"] -testing = ["build[virtualenv]", "filelock (>=3.4.0)", "importlib-metadata", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "mypy (==1.9)", "packaging (>=23.2)", "pip (>=19.1)", "pytest (>=6,!=8.1.1)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-home (>=0.5)", "pytest-mypy", "pytest-perf", "pytest-ruff (>=0.2.1)", "pytest-timeout", "pytest-xdist (>=3)", "tomli", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] -testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.2)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] +dev = ["cython-lint (>=0.12.2)", "doit (>=0.36.0)", "mypy (==1.10.0)", "pycodestyle", "pydevtool", "rich-click", "ruff (>=0.0.292)", "types-psutil", "typing_extensions"] +doc = ["jupyterlite-pyodide-kernel", "jupyterlite-sphinx (>=0.13.1)", "jupytext", "matplotlib (>=3.5)", "myst-nb", "numpydoc", "pooch", "pydata-sphinx-theme (>=0.15.2)", "sphinx (>=5.0.0)", "sphinx-design (>=0.4.0)"] +test = ["Cython", "array-api-strict", "asv", "gmpy2", "hypothesis (>=6.30)", "meson", "mpmath", "ninja", "pooch", "pytest", "pytest-cov", "pytest-timeout", "pytest-xdist", "scikit-umfpack", "threadpoolctl"] [[package]] name = "shellingham" @@ -2513,13 +2468,13 @@ test = ["black (>=22.3.0,<23.0.0)", "coverage (>=6.2,<7.0)", "isort (>=5.0.6,<6. [[package]] name = "typing-extensions" -version = "4.11.0" +version = "4.12.2" description = "Backported and Experimental Type Hints for Python 3.8+" optional = false python-versions = ">=3.8" files = [ - {file = "typing_extensions-4.11.0-py3-none-any.whl", hash = "sha256:c1f94d72897edaf4ce775bb7558d5b79d8126906a14ea5ed1635921406c0387a"}, - {file = "typing_extensions-4.11.0.tar.gz", hash = "sha256:83f085bd5ca59c80295fc2a82ab5dac679cbe02b9f33f7d83af68e241bea51b0"}, + {file = "typing_extensions-4.12.2-py3-none-any.whl", hash = "sha256:04e5ca0351e0f3f85c6853954072df659d0d13fac324d0072316b67d7794700d"}, + {file = "typing_extensions-4.12.2.tar.gz", hash = "sha256:1a7ead55c7e559dd4dee8856e3a88b41225abfe1ce8df57b7c13915fe121ffb8"}, ] [[package]] @@ -2555,13 +2510,13 @@ files = [ [[package]] name = "urllib3" -version = "1.26.18" +version = "1.26.19" description = "HTTP library with thread-safe connection pooling, file post, and more." optional = false -python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*" +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" files = [ - {file = "urllib3-1.26.18-py2.py3-none-any.whl", hash = "sha256:34b97092d7e0a3a8cf7cd10e386f401b3737364026c45e622aa02903dffe0f07"}, - {file = "urllib3-1.26.18.tar.gz", hash = "sha256:f8ecc1bba5667413457c529ab955bf8c67b45db799d159066261719e328580a0"}, + {file = "urllib3-1.26.19-py2.py3-none-any.whl", hash = "sha256:37a0344459b199fce0e80b0d3569837ec6b6937435c5244e7fd73fa6006830f3"}, + {file = "urllib3-1.26.19.tar.gz", hash = "sha256:3e3d753a8618b86d7de333b4223005f68720bcd6a7d2bcb9fbd2229ec7c1e429"}, ] [package.extras] @@ -2571,24 +2526,27 @@ socks = ["PySocks (>=1.5.6,!=1.5.7,<2.0)"] [[package]] name = "validators" -version = "0.28.1" +version = "0.33.0" description = "Python Data Validation for Humans™" optional = false python-versions = ">=3.8" files = [ - {file = "validators-0.28.1-py3-none-any.whl", hash = "sha256:890c98789ad884037f059af6ea915ec2d667129d509180c2c590b8009a4c4219"}, - {file = "validators-0.28.1.tar.gz", hash = "sha256:5ac88e7916c3405f0ce38ac2ac82a477fcf4d90dbbeddd04c8193171fc17f7dc"}, + {file = "validators-0.33.0-py3-none-any.whl", hash = "sha256:134b586a98894f8139865953899fc2daeb3d0c35569552c5518f089ae43ed075"}, + {file = "validators-0.33.0.tar.gz", hash = "sha256:535867e9617f0100e676a1257ba1e206b9bfd847ddc171e4d44811f07ff0bfbf"}, ] +[package.extras] +crypto-eth-addresses = ["eth-hash[pycryptodome] (>=0.7.0)"] + [[package]] name = "virtualenv" -version = "20.26.1" +version = "20.26.3" description = "Virtual Python Environment builder" optional = false python-versions = ">=3.7" files = [ - {file = "virtualenv-20.26.1-py3-none-any.whl", hash = "sha256:7aa9982a728ae5892558bff6a2839c00b9ed145523ece2274fad6f414690ae75"}, - {file = "virtualenv-20.26.1.tar.gz", hash = "sha256:604bfdceaeece392802e6ae48e69cec49168b9c5f4a44e483963f9242eb0e78b"}, + {file = "virtualenv-20.26.3-py3-none-any.whl", hash = "sha256:8cc4a31139e796e9a7de2cd5cf2489de1217193116a8fd42328f1bd65f434589"}, + {file = "virtualenv-20.26.3.tar.gz", hash = "sha256:4c43a2a236279d9ea36a0d76f98d84bd6ca94ac4e0f4a3b9d46d05e10fea542a"}, ] [package.dependencies] @@ -2622,4 +2580,4 @@ docs = [] [metadata] lock-version = "2.0" python-versions = ">=3.10,<3.11" -content-hash = "1fdae68d1fd816aeff5012460c0dfac7211aa228779e45178b530dd2598a9700" +content-hash = "fb6e2ecd10b63c067be3d7d8b63bfc062be95479af3f6f4ebf515f710fd1627e" diff --git a/pyproject.toml b/pyproject.toml index 53131ee..68b4c1a 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -19,12 +19,13 @@ build-backend = "poetry.core.masonry.api" [tool.poetry.dependencies] python = ">=3.10,<3.11" -data_adapter = { git = "https://git@github.com/sedos-project/data_adapter", branch = "main"} +data_adapter = { git = "https://git@github.com/sedos-project/data_adapter", branch = "dev"} oemof-tabular = { git = "https://git@github.com/oemof/oemof-tabular", branch = "dev"} oemof-industry = { git = "https://github.com/sedos-project/oemof.industry.git", branch = "main"} boto3 = "1.26.125" # fix boto3 to fasten up dependency resolution python-dotenv = "^0.21.0" tsam = "^2.3.1" +numpy = "<2" [tool.poetry.dev-dependencies] black = "20.8b1" diff --git a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_chp_steam.csv b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_chp_steam.csv index a5f6a69..5f4ce60 100644 --- a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_chp_steam.csv +++ b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_chp_steam.csv @@ -1,17 +1,17 @@ type;carrier;tech;capacity;capacity_potential;marginal_cost;capacity_cost;lifetime;fixed_costs;name;region;year;bus -dispatchable;carrier;tech;[161.2, 161204.0, 161204.0];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BB_carrier_tech;BB;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;;10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BE_carrier_tech;BE;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[45.14, 45139.0, 45139.0];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BW_carrier_tech;BW;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[141.24, 141.24, 141.24];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BY_carrier_tech;BY;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[117.1, 117.1, 117.1];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];HB_carrier_tech;HB;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[204.42, 204422.0, 204422.0];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];HE_carrier_tech;HE;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[14.1, 14.1, 14.1];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];HH_carrier_tech;HH;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[24.28, 24.28, 24.28];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];MV_carrier_tech;MV;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[29.1, 29.1, 29.1];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];NI_carrier_tech;NI;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[232.0, 232.0, 232.0];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];NW_carrier_tech;NW;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[42.5, 42.5, 42.5];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];RP_carrier_tech;RP;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[84.83, 84826.0, 84826.0];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];SH_carrier_tech;SH;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[11.6, 11.6, 11.6];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];SL_carrier_tech;SL;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[15.7, 15.7, 15.7];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];SN_carrier_tech;SN;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[125.44, 125.44, 125.44];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];ST_carrier_tech;ST;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[17.72, 17.72, 17.72];10000.0;[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];TH_carrier_tech;TH;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[161.2, 161204.0, 161204.0];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BB_carrier_tech;BB;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;;[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BE_carrier_tech;BE;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[45.14, 45139.0, 45139.0];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BW_carrier_tech;BW;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[141.24, 141.24, 141.24];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];BY_carrier_tech;BY;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[117.1, 117.1, 117.1];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];HB_carrier_tech;HB;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[204.42, 204422.0, 204422.0];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];HE_carrier_tech;HE;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[14.1, 14.1, 14.1];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];HH_carrier_tech;HH;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[24.28, 24.28, 24.28];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];MV_carrier_tech;MV;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[29.1, 29.1, 29.1];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];NI_carrier_tech;NI;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[232.0, 232.0, 232.0];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];NW_carrier_tech;NW;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[42.5, 42.5, 42.5];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];RP_carrier_tech;RP;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[84.83, 84826.0, 84826.0];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];SH_carrier_tech;SH;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[11.6, 11.6, 11.6];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];SL_carrier_tech;SL;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[15.7, 15.7, 15.7];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];SN_carrier_tech;SN;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[125.44, 125.44, 125.44];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];ST_carrier_tech;ST;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[17.72, 17.72, 17.72];[nan, 10000.0, 10000.0];[31.8, 31.3, 30.6];[13048000.0, 12200000.0, 10890000.0];10;[518080.0, 470600.0, 406100.0];TH_carrier_tech;TH;[2016, 2030, 2050];electricity diff --git a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_generator_steam.csv b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_generator_steam.csv index cad9dac..bc5fdf3 100644 --- a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_generator_steam.csv +++ b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_generator_steam.csv @@ -1,17 +1,17 @@ type;carrier;tech;capacity;capacity_potential;marginal_cost;capacity_cost;lifetime;fixed_costs;name;region;year;bus -dispatchable;carrier;tech;[3.6, 3.6, 3.6];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BB_carrier_tech;BB;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[6.7, 6696.0, 6696.0];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BE_carrier_tech;BE;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[13.63, 13.63114, 13.63114];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BW_carrier_tech;BW;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[60.47, 60.46996, 60.46996];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BY_carrier_tech;BY;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[3.7, 3.7, 3.7];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];HB_carrier_tech;HB;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[5.62, 5.62, 5.62];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];HE_carrier_tech;HE;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[0.0, 0.0, 0.0];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];HH_carrier_tech;HH;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[8.5, 8.5, 8.5];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];MV_carrier_tech;MV;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[48.88, 48.88, 48.88];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];NI_carrier_tech;NI;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[186.53, 186.53, 186.53];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];NW_carrier_tech;NW;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[5.0, 5.0, 5.0];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];RP_carrier_tech;RP;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;;10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];SH_carrier_tech;SH;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;;10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];SL_carrier_tech;SL;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[1.71, 1.71, 1.71];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];SN_carrier_tech;SN;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;[43.24, 43.24, 43.24];10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];ST_carrier_tech;ST;[2016, 2030, 2050];electricity -dispatchable;carrier;tech;;10000.0;[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];TH_carrier_tech;TH;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[3.6, 3.6, 3.6];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BB_carrier_tech;BB;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[6.7, 6696.0, 6696.0];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BE_carrier_tech;BE;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[13.63, 13.63114, 13.63114];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BW_carrier_tech;BW;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[60.47, 60.46996, 60.46996];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];BY_carrier_tech;BY;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[3.7, 3.7, 3.7];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];HB_carrier_tech;HB;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[5.62, 5.62, 5.62];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];HE_carrier_tech;HE;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[0.0, 0.0, 0.0];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];HH_carrier_tech;HH;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[8.5, 8.5, 8.5];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];MV_carrier_tech;MV;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[48.88, 48.88, 48.88];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];NI_carrier_tech;NI;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[186.53, 186.53, 186.53];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];NW_carrier_tech;NW;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[5.0, 5.0, 5.0];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];RP_carrier_tech;RP;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;;[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];SH_carrier_tech;SH;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;;[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];SL_carrier_tech;SL;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[1.71, 1.71, 1.71];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];SN_carrier_tech;SN;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;[43.24, 43.24, 43.24];[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];ST_carrier_tech;ST;[2016, 2030, 2050];electricity +dispatchable;carrier;tech;;[nan, 10000.0, 10000.0];[25.9, 25.4, 24.7];[10640000.0, 9900000.0, 8800000.0];10;[422200.0, 382000.0, 328000.0];TH_carrier_tech;TH;[2016, 2030, 2050];electricity diff --git a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_storage_pumped.csv b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_storage_pumped.csv index cb124e0..315341d 100644 --- a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_storage_pumped.csv +++ b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_storage_pumped.csv @@ -1,17 +1,17 @@ type;carrier;tech;capacity;capacity_cost;capacity_potential;lifetime;fixed_costs;marginal_cost;name;region;year;invest_relation_output_capacity;inflow_conversion_factor;outflow_conversion_factor;bus storage;carrier;tech;;1500000.0;;10;22500.0;0.0;BB_carrier_tech;BB;[2016, 2030, 2050];5.8;1.0;0.75;electricity storage;carrier;tech;;1500000.0;;10;22500.0;0.0;BE_carrier_tech;BE;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;1873.0;1500000.0;1873.0;10;22500.0;0.0;BW_carrier_tech;BW;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;383.0;1500000.0;383.0;10;22500.0;0.0;BY_carrier_tech;BY;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;1873.0;1500000.0;[nan, 1873.0, 1873.0];10;22500.0;0.0;BW_carrier_tech;BW;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;383.0;1500000.0;[nan, 383.0, 383.0];10;22500.0;0.0;BY_carrier_tech;BY;[2016, 2030, 2050];5.8;1.0;0.75;electricity storage;carrier;tech;;1500000.0;;10;22500.0;0.0;HB_carrier_tech;HB;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;625.0;1500000.0;625.0;10;22500.0;0.0;HE_carrier_tech;HE;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;625.0;1500000.0;[nan, 625.0, 625.0];10;22500.0;0.0;HE_carrier_tech;HE;[2016, 2030, 2050];5.8;1.0;0.75;electricity storage;carrier;tech;;1500000.0;;10;22500.0;0.0;HH_carrier_tech;HH;[2016, 2030, 2050];5.8;1.0;0.75;electricity storage;carrier;tech;;1500000.0;;10;22500.0;0.0;MV_carrier_tech;MV;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;220.0;1500000.0;220.0;10;22500.0;0.0;NI_carrier_tech;NI;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;303.0;1500000.0;303.0;10;22500.0;0.0;NW_carrier_tech;NW;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;220.0;1500000.0;[nan, 220.0, 220.0];10;22500.0;0.0;NI_carrier_tech;NI;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;303.0;1500000.0;[nan, 303.0, 303.0];10;22500.0;0.0;NW_carrier_tech;NW;[2016, 2030, 2050];5.8;1.0;0.75;electricity storage;carrier;tech;;1500000.0;;10;22500.0;0.0;RP_carrier_tech;RP;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;119.1;1500000.0;119.1;10;22500.0;0.0;SH_carrier_tech;SH;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;119.1;1500000.0;[nan, 119.1, 119.1];10;22500.0;0.0;SH_carrier_tech;SH;[2016, 2030, 2050];5.8;1.0;0.75;electricity storage;carrier;tech;;1500000.0;;10;22500.0;0.0;SL_carrier_tech;SL;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;1085.0;1500000.0;1085.0;10;22500.0;0.0;SN_carrier_tech;SN;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;79.7;1500000.0;79.7;10;22500.0;0.0;ST_carrier_tech;ST;[2016, 2030, 2050];5.8;1.0;0.75;electricity -storage;carrier;tech;1509.4;1500000.0;1509.4;10;22500.0;0.0;TH_carrier_tech;TH;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;1085.0;1500000.0;[nan, 1085.0, 1085.0];10;22500.0;0.0;SN_carrier_tech;SN;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;79.7;1500000.0;[nan, 79.7, 79.7];10;22500.0;0.0;ST_carrier_tech;ST;[2016, 2030, 2050];5.8;1.0;0.75;electricity +storage;carrier;tech;1509.4;1500000.0;[nan, 1509.4, 1509.4];10;22500.0;0.0;TH_carrier_tech;TH;[2016, 2030, 2050];5.8;1.0;0.75;electricity diff --git a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_wind_turbine_onshore.csv b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_wind_turbine_onshore.csv index d9d0011..f51300b 100644 --- a/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_wind_turbine_onshore.csv +++ b/tests/_files/tabular_datapackage_hack_a_thon_goal/data/elements/modex_tech_wind_turbine_onshore.csv @@ -1,17 +1,17 @@ type;carrier;tech;profile;capacity;capacity_potential;capacity_cost;lifetime;fixed_costs;name;region;year;bus -volatile;carrier;tech;profile_BB;[5700.03, 5700.03375, 5700.03375];[22516.79, 22516.79, 22516.79];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BB_carrier_tech;BB;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_BE;[11.0, 11.0018, 11.0018];[248.1, 248.1, 248.1];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BE_carrier_tech;BE;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_BW;[751.03, 751.027686, 751.027686];[29537.65, 29537.65, 29537.65];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BW_carrier_tech;BW;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_BY;[1854.03, 1854.03049, 1854.03049];[60736.86, 60736.86, 60736.86];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BY_carrier_tech;BY;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_HB;[171.69, 171689.0, 171689.0];[171.69, 171.69, 171689.0];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];HB_carrier_tech;HB;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_HE;[1316.74, 1316.73603, 1316.73603];[19134.69, 19134.69, 19134.69];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];HE_carrier_tech;HE;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_HH;[54.3, 54296.0, 54296.0];[306.37, 306.37, 306.37];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];HH_carrier_tech;HH;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_MV;[3117.7, 3117.70392, 3117.70392];[19502.13, 19502.13, 19502.13];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];MV_carrier_tech;MV;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_NI;[8007.2, 8007.203624, 8007.203624];[43130.15, 43130.15, 43130.15];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];NI_carrier_tech;NI;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_NW;[3802.77, 3802.77057, 3802.77057];[32372.31, 32372.31, 32372.31];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];NW_carrier_tech;NW;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_RP;[2855.29, 2855.289006, 2855.289006];[19379.97, 19379.97, 19379.97];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];RP_carrier_tech;RP;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_SH;[5309.0, 5309.00481, 5309.00481];[14924.53, 14924.53, 14924.53];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];SH_carrier_tech;SH;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_SL;[279.51, 279.5141, 279.5141];[2079.15, 2079.15, 2079.15];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];SL_carrier_tech;SL;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_SN;[1124.02, 1124.02431, 1124.02431];[18617.69, 18617.69, 18617.69];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];SN_carrier_tech;SN;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_ST;[4515.35, 4515.34775, 4515.34775];[16844.83, 16844.83, 16844.83];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];ST_carrier_tech;ST;[2016, 2030, 2050];electricity -volatile;carrier;tech;profile_TH;[1200.56, 1200.564449, 1200.564449];[15716.09, 15716.09, 15716.09];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];TH_carrier_tech;TH;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_BB;[5700.03, 5700.03375, 5700.03375];[nan, 22516.79, 22516.79];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BB_carrier_tech;BB;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_BE;[11.0, 11.0018, 11.0018];[nan, 248.1, 248.1];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BE_carrier_tech;BE;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_BW;[751.03, 751.027686, 751.027686];[nan, 29537.65, 29537.65];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BW_carrier_tech;BW;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_BY;[1854.03, 1854.03049, 1854.03049];[nan, 60736.86, 60736.86];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];BY_carrier_tech;BY;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_HB;[171.69, 171689.0, 171689.0];[nan, 171.69, 171689.0];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];HB_carrier_tech;HB;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_HE;[1316.74, 1316.73603, 1316.73603];[nan, 19134.69, 19134.69];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];HE_carrier_tech;HE;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_HH;[54.3, 54296.0, 54296.0];[nan, 306.37, 306.37];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];HH_carrier_tech;HH;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_MV;[3117.7, 3117.70392, 3117.70392];[nan, 19502.13, 19502.13];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];MV_carrier_tech;MV;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_NI;[8007.2, 8007.203624, 8007.203624];[nan, 43130.15, 43130.15];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];NI_carrier_tech;NI;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_NW;[3802.77, 3802.77057, 3802.77057];[nan, 32372.31, 32372.31];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];NW_carrier_tech;NW;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_RP;[2855.29, 2855.289006, 2855.289006];[nan, 19379.97, 19379.97];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];RP_carrier_tech;RP;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_SH;[5309.0, 5309.00481, 5309.00481];[nan, 14924.53, 14924.53];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];SH_carrier_tech;SH;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_SL;[279.51, 279.5141, 279.5141];[nan, 2079.15, 2079.15];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];SL_carrier_tech;SL;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_SN;[1124.02, 1124.02431, 1124.02431];[nan, 18617.69, 18617.69];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];SN_carrier_tech;SN;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_ST;[4515.35, 4515.34775, 4515.34775];[nan, 16844.83, 16844.83];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];ST_carrier_tech;ST;[2016, 2030, 2050];electricity +volatile;carrier;tech;profile_TH;[1200.56, 1200.564449, 1200.564449];[nan, 15716.09, 15716.09];[1288000.0, 1040000.0, 960000.0];10;[23280.0, 12600.0, 11340.0];TH_carrier_tech;TH;[2016, 2030, 2050];electricity diff --git a/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_casting_0/srd_range_draft/ind_steel_casting_0.csv b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_casting_0/srd_range_draft/ind_steel_casting_0.csv new file mode 100644 index 0000000..66d7324 --- /dev/null +++ b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_casting_0/srd_range_draft/ind_steel_casting_0.csv @@ -0,0 +1,11 @@ +"id","region","year","type","conversion_factor_exo_steel","conversion_factor_iip_heat_proc","conversion_factor_sec_elec_ind","conversion_factor_iip_steel_crudesteel","ef_sec_methane_emi_ch4_f_ind","ef_sec_methane_emi_co2_f_ind","ef_sec_methane_emi_n2o_f_ind","flow_share_max_sec_hydrogen","capacity_w_abs_new_max","lifetime","capacity_w_inst_0","conversion_factor_sec_methane","conversion_factor_sec_hydrogen","wacc","bandwidth_type","version","method","source","comment" +1,"DE",2021,"ind_steel_casting_0",1.0,0.345,0.7749,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,0.0,0.0,30.0,42.6,1.5774000000000008,1.5774000000000008,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +2,"DE",2024,"ind_steel_casting_0",1.0,0.345,0.7749,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,0.0,0.0,30.0,39.4444,1.5774000000000008,1.5774000000000008,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +3,"DE",2027,"ind_steel_casting_0",1.0,0.345,0.7749,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,0.0,0.0,30.0,31.5556,1.5774000000000008,1.5774000000000008,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +4,"DE",2030,"ind_steel_casting_0",1.0,0.345,0.7749,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,50.0,0.0,30.0,23.6667,1.5774000000000008,1.5774000000000008,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +5,"DE",2035,"ind_steel_casting_0",1.0,0.345,0.7749,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,100.0,0.0,30.0,15.7778,1.5774000000000008,1.5774000000000008,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +6,"DE",2040,"ind_steel_casting_0",1.0,0.345,0.7749,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,100.0,0.0,30.0,7.8889,1.5774000000000008,1.5774000000000008,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +7,"DE",2045,"ind_steel_casting_0",1.0,,,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,,0.0,30.0,0.0,,,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +8,"DE",2050,"ind_steel_casting_0",1.0,,,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,,0.0,30.0,0.0,,,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +9,"DE",2060,"ind_steel_casting_0",1.0,,,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,,0.0,30.0,0.0,,,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +10,"DE",2070,"ind_steel_casting_0",1.0,,,1.0,0.0012,"global_emission_factors.natural_gas",0.0006,,0.0,30.0,0.0,,,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" diff --git a/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_casting_0/srd_range_draft/ind_steel_casting_0.json b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_casting_0/srd_range_draft/ind_steel_casting_0.json new file mode 100644 index 0000000..768e11f --- /dev/null +++ b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_casting_0/srd_range_draft/ind_steel_casting_0.json @@ -0,0 +1,409 @@ +{ + "@context": "https://raw.githubusercontent.com/OpenEnergyPlatform/oemetadata/develop/metadata/latest/context.json", + "@id": null, + "_comment": { + "dates": "Dates and time must follow the ISO8601 including time zone (YYYY-MM-DD or YYYY-MM-DDThh:mm:ss\u00b1hh)", + "languages": "Languages must follow the IETF (BCP47) format (en-GB, en-US, de-DE)", + "licenses": "License name must follow the SPDX License List (https://spdx.org/licenses/)", + "metadata": "Metadata documentation and explanation (https://github.com/OpenEnergyPlatform/oemetadata)", + "null": "If not applicable use: null", + "review": "Following the OEP Data Review (https://github.com/OpenEnergyPlatform/data-preprocessing/blob/master/data-review/manual/review_manual.md)", + "todo": "If a value is not yet available, use: todo", + "units": "Use a space between numbers and units (100 m)" + }, + "context": { + "contact": "ulrich.fahl@ier.uni-stuttgart.de", + "documentation": "https://sedos-project.github.io/.github/", + "fundingAgency": "Bundesministerium f\u00c3\u00bcr Wirtschaft und Klimaschutz (BMWK)", + "fundingAgencyLogo": "https://en.wikipedia.org/wiki/Federal_Ministry_for_Economic_Affairs_and_Climate_Action#/media/File:BMWi_Logo_2021.svg", + "grantNo": null, + "homepage": "https://sedos-project.github.io/.github/", + "publisherLogo": null, + "sourceCode": "https://github.com/sedos-project" + }, + "contributors": [ + { + "comment": "Created data and metadata in specific format based on provided data", + "date": "2024-06-26", + "email": "md-anik.islam@ier.uni-stuttgart.de", + "object": "data and metadata for industry", + "title": "Anik Islam" + }, + { + "comment": "Prepared and Provided data and necessary details of cement, glass, steel, aluminium and paper industry", + "date": "2024-06-26", + "email": "isela.bailey@ier.uni-stuttgart.de", + "object": "data and metadata for industry", + "title": "Isela Bailey" + } + ], + "description": "Dataset describes scalar techno-economic and scenario data of technology/process: IND.IIS.Finishing Processes.00. Casting Plant & Hot Rolling Mill", + "id": "https://openenergy-platform.org/dataedit/view/model_draft/ind_steel_casting_0", + "keywords": [ + "SEDOS", + "input_data", + "AP7", + "Industry", + "oedatamodel-parameter", + "steel" + ], + "language": [ + "en-GB" + ], + "licenses": [ + { + "attribution": null, + "instruction": "You are free to: Share- copy and redistribute the material in any medium or format for any purpose, even commercially. Adapt - remix, transform, and build upon the material for any purpose, even commercially.", + "name": "CC-BY-4.0", + "path": "https://creativecommons.org/licenses/by/4.0/?ref=chooser-v1", + "title": "Creative Commons Attribution 4.0 International" + } + ], + "metaMetadata": { + "metadataLicense": { + "name": "CC0-1.0", + "path": "https://creativecommons.org/publicdomain/zero/1.0/", + "title": "Creative Commons Zero v1.0 Universal" + }, + "metadataVersion": "OEP-1.5.2" + }, + "name": "ind_steel_casting_0", + "publicationDate": "2024-06-26", + "resources": [ + { + "dialect": { + "decimalSeparator": ".", + "delimiter": ";" + }, + "encoding": "UTF-8", + "format": "PostgreSQL", + "name": "model_draft.ind_steel_casting_0", + "path": "https://openenergy-platform.org/dataedit/view/model_draft/ind_steel_casting_0", + "profile": "tabular-data-resource", + "schema": { + "fields": [ + { + "description": "Unique identifier", + "isAbout": [], + "name": "id", + "type": "bigint", + "unit": null, + "valueReference": [] + }, + { + "description": "Country or regionx", + "isAbout": [], + "name": "region", + "type": "text", + "unit": null, + "valueReference": [] + }, + { + "description": "Year", + "isAbout": [], + "name": "year", + "type": "integer", + "unit": "a", + "valueReference": [] + }, + { + "description": "Type of process", + "isAbout": [], + "name": "type", + "type": "text", + "unit": null, + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_exo_steel", + "type": "float", + "unit": "Mt", + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_iip_heat_proc", + "type": "float", + "unit": "PJ/Mt", + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_sec_elec_ind", + "type": "float", + "unit": "PJ/Mt", + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_iip_steel_crudesteel", + "type": "float", + "unit": "Mt/Mt", + "valueReference": [] + }, + { + "description": "Emission factor for a process flow per output.", + "isAbout": [ + { + "name": "emission factor", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00000148/" + } + ], + "name": "ef_sec_methane_emi_ch4_f_ind", + "type": "float", + "unit": "Kt/PJ", + "valueReference": [] + }, + { + "description": "Emission factor for a process flow per output.", + "isAbout": [ + { + "name": "emission factor", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00000148/" + } + ], + "name": "ef_sec_methane_emi_co2_f_ind", + "type": "text", + "unit": "Kt/PJ", + "valueReference": [] + }, + { + "description": "Emission factor for a process flow per output.", + "isAbout": [ + { + "name": "emission factor", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00000148/" + } + ], + "name": "ef_sec_methane_emi_n2o_f_ind", + "type": "float", + "unit": "Kt/PJ", + "valueReference": [] + }, + { + "description": "Maximum share of flow commodity c based upon the sum of individual flows defined by the commodity group cg belonging to process p.", + "isAbout": [ + { + "name": "flow potential", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140056/" + } + ], + "name": "flow_share_max_sec_hydrogen", + "type": "float", + "unit": "%", + "valueReference": [] + }, + { + "description": "Absolute upper bound on level of investment in new weight capacity for a period.", + "isAbout": [ + { + "name": null, + "path": null + } + ], + "name": "capacity_w_abs_new_max", + "type": "float", + "unit": "Mt", + "valueReference": [] + }, + { + "description": "Technical lifetime of a process.", + "isAbout": [ + { + "name": "operational life time", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00020178/" + } + ], + "name": "lifetime", + "type": "float", + "unit": "a", + "valueReference": [] + }, + { + "description": "Existing weight capacity of a process.", + "isAbout": [ + { + "name": null, + "path": null + } + ], + "name": "capacity_w_inst_0", + "type": "float", + "unit": "Mt", + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_sec_methane", + "type": "float", + "unit": "PJ/Mt", + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_sec_hydrogen", + "type": "float", + "unit": "PJ/Mt", + "valueReference": [] + }, + { + "description": "Percentage of costs for capital after taxes. Used to calculate annuity factor for investment costs.", + "isAbout": [ + { + "name": null, + "path": null + } + ], + "name": "wacc", + "type": "text", + "unit": "%", + "valueReference": [] + }, + { + "description": "Bandwidth Type", + "isAbout": [], + "name": "bandwidth_type", + "type": "json", + "unit": null, + "valueReference": [] + }, + { + "description": "Version", + "isAbout": [], + "name": "version", + "type": "text", + "unit": null, + "valueReference": [] + }, + { + "description": "Method", + "isAbout": [], + "name": "method", + "type": "json", + "unit": null, + "valueReference": [] + }, + { + "description": "Source", + "isAbout": [], + "name": "source", + "type": "json", + "unit": null, + "valueReference": [] + }, + { + "description": "Comment", + "isAbout": [], + "name": "comment", + "type": "json", + "unit": null, + "valueReference": [] + } + ], + "foreignKeys": [], + "primaryKey": [ + "id" + ] + } + } + ], + "review": { + "badge": null, + "path": null + }, + "sources": [ + { + "description": "Parameter data model for secondary input scalars and timeseries", + "licenses": [ + { + "attribution": null, + "instruction": "You are free: To Share, To Create, To Adapt", + "name": "CC0-1.0", + "path": "https://creativecommons.org/publicdomain/zero/1.0/legalcode", + "title": "Creative Commons Zero v1.0 Universal" + } + ], + "path": "https://github.com/sedos-project/oedatamodel/tree/main/oedatamodel-parameter", + "title": "OEDatamodel-parameter" + }, + { + "description": "TAM Industry is based on TIMES and focuses on German industry energy system", + "licenses": [ + { + "attribution": "@Energy Economics and Social Analysis(ESA), IER, University of Stuttgart", + "instruction": null, + "name": "Creative Commons Attribution 4.0 International", + "path": "https://creativecommons.org/licenses/by/4.0/", + "title": "CC BY 4.0" + } + ], + "path": null, + "title": "TAM Industry Model" + } + ], + "spatial": { + "extent": "DE", + "location": "Germany", + "resolution": "NUTS-0" + }, + "subject": [ + { + "name": "Industry Sector", + "path": "http://openenergy-platform.org/ontology/oeo/OEO_00000227/" + }, + { + "name": "Industry Sub-sector", + "path": "http://openenergy-platform.org/ontology/oeo/OEO_00000227" + } + ], + "temporal": { + "referenceDate": "2021", + "timeseries": [ + { + "aggregationType": null, + "alignment": null, + "end": "2070-12-31", + "resolution": "yearly", + "start": "2021-01-01" + } + ] + }, + "title": "sedos_ind_steel_casting_0" +} diff --git a/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_hyddri_1/srd_range_draft/ind_steel_hyddri_1.csv b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_hyddri_1/srd_range_draft/ind_steel_hyddri_1.csv new file mode 100644 index 0000000..755637b --- /dev/null +++ b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_hyddri_1/srd_range_draft/ind_steel_hyddri_1.csv @@ -0,0 +1,11 @@ +"id","region","year","type","conversion_factor_iip_steel_crudesteel","conversion_factor_sec_elec_ind","conversion_factor_sec_hydrogen","availability_constant","capacity_w_abs_new_max","cost_inv_w","cost_fix_w","lifetime","wacc","bandwidth_type","version","method","source","comment" +1,"DE",2021,"ind_steel_hyddri_1","","","","",0.0,"","","","global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +2,"DE",2024,"ind_steel_hyddri_1","","","","",0.0,"","","","global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +3,"DE",2027,"ind_steel_hyddri_1","","","","",0.0,"","","","global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +4,"DE",2030,"ind_steel_hyddri_1","","","","",0.0,"","","","global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +5,"DE",2035,"ind_steel_hyddri_1",1.0,0.7,17.0,85.0,"",400.0,10.0,40.0,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +6,"DE",2040,"ind_steel_hyddri_1",1.0,0.7,17.0,85.0,"",400.0,10.0,40.0,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +7,"DE",2045,"ind_steel_hyddri_1",1.0,0.7,17.0,85.0,"",400.0,10.0,40.0,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +8,"DE",2050,"ind_steel_hyddri_1",1.0,0.7,17.0,85.0,"",400.0,10.0,40.0,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +9,"DE",2060,"ind_steel_hyddri_1",1.0,0.7,17.0,85.0,"",400.0,10.0,40.0,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" +10,"DE",2070,"ind_steel_hyddri_1",1.0,0.7,17.0,85.0,"",400.0,10.0,40.0,"global_scalars.wacc","{}","srd_range_draft","{}","{}","{}" diff --git a/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_hyddri_1/srd_range_draft/ind_steel_hyddri_1.json b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_hyddri_1/srd_range_draft/ind_steel_hyddri_1.json new file mode 100644 index 0000000..db6cdb1 --- /dev/null +++ b/tests/collections/test_fill_nans/SEDOS_industry_sector/ind_steel_hyddri_1/srd_range_draft/ind_steel_hyddri_1.json @@ -0,0 +1,344 @@ +{ + "@context": "https://raw.githubusercontent.com/OpenEnergyPlatform/oemetadata/develop/metadata/latest/context.json", + "@id": null, + "_comment": { + "dates": "Dates and time must follow the ISO8601 including time zone (YYYY-MM-DD or YYYY-MM-DDThh:mm:ss\u00b1hh)", + "languages": "Languages must follow the IETF (BCP47) format (en-GB, en-US, de-DE)", + "licenses": "License name must follow the SPDX License List (https://spdx.org/licenses/)", + "metadata": "Metadata documentation and explanation (https://github.com/OpenEnergyPlatform/oemetadata)", + "null": "If not applicable use: null", + "review": "Following the OEP Data Review (https://github.com/OpenEnergyPlatform/data-preprocessing/blob/master/data-review/manual/review_manual.md)", + "todo": "If a value is not yet available, use: todo", + "units": "Use a space between numbers and units (100 m)" + }, + "context": { + "contact": "ulrich.fahl@ier.uni-stuttgart.de", + "documentation": "https://sedos-project.github.io/.github/", + "fundingAgency": "Bundesministerium f\u00c3\u00bcr Wirtschaft und Klimaschutz (BMWK)", + "fundingAgencyLogo": "https://en.wikipedia.org/wiki/Federal_Ministry_for_Economic_Affairs_and_Climate_Action#/media/File:BMWi_Logo_2021.svg", + "grantNo": null, + "homepage": "https://sedos-project.github.io/.github/", + "publisherLogo": null, + "sourceCode": "https://github.com/sedos-project" + }, + "contributors": [ + { + "comment": "Created data and metadata in specific format based on provided data", + "date": "2024-06-26", + "email": "md-anik.islam@ier.uni-stuttgart.de", + "object": "data and metadata for industry", + "title": "Anik Islam" + }, + { + "comment": "Prepared and Provided data and necessary details of cement, glass, steel, aluminium and paper industry", + "date": "2024-06-26", + "email": "isela.bailey@ier.uni-stuttgart.de", + "object": "data and metadata for industry", + "title": "Isela Bailey" + } + ], + "description": "Dataset describes scalar techno-economic and scenario data of technology/process: IND.IIS. Electric Arc Furnace for DRI + Hydrogen", + "id": "https://openenergy-platform.org/dataedit/view/model_draft/ind_steel_hyddri_1", + "keywords": [ + "SEDOS", + "input_data", + "AP7", + "Industry", + "oedatamodel-parameter", + "steel" + ], + "language": [ + "en-GB" + ], + "licenses": [ + { + "attribution": null, + "instruction": "You are free to: Share- copy and redistribute the material in any medium or format for any purpose, even commercially. Adapt - remix, transform, and build upon the material for any purpose, even commercially.", + "name": "CC-BY-4.0", + "path": "https://creativecommons.org/licenses/by/4.0/?ref=chooser-v1", + "title": "Creative Commons Attribution 4.0 International" + } + ], + "metaMetadata": { + "metadataLicense": { + "name": "CC0-1.0", + "path": "https://creativecommons.org/publicdomain/zero/1.0/", + "title": "Creative Commons Zero v1.0 Universal" + }, + "metadataVersion": "OEP-1.5.2" + }, + "name": "ind_steel_hyddri_1", + "publicationDate": "2024-06-26", + "resources": [ + { + "dialect": { + "decimalSeparator": ".", + "delimiter": ";" + }, + "encoding": "UTF-8", + "format": "PostgreSQL", + "name": "model_draft.ind_steel_hyddri_1", + "path": "https://openenergy-platform.org/dataedit/view/model_draft/ind_steel_hyddri_1", + "profile": "tabular-data-resource", + "schema": { + "fields": [ + { + "description": "Unique identifier", + "isAbout": [], + "name": "id", + "type": "bigint", + "unit": null, + "valueReference": [] + }, + { + "description": "Country or regionx", + "isAbout": [], + "name": "region", + "type": "text", + "unit": null, + "valueReference": [] + }, + { + "description": "Year", + "isAbout": [], + "name": "year", + "type": "integer", + "unit": "a", + "valueReference": [] + }, + { + "description": "Type of process", + "isAbout": [], + "name": "type", + "type": "text", + "unit": null, + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_iip_steel_crudesteel", + "type": "float", + "unit": "Mt", + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_sec_elec_ind", + "type": "float", + "unit": "PJ/Mt", + "valueReference": [] + }, + { + "description": "Commodity-specific conversion factor (multiplication of input and output factors yields the efficiency of the process).", + "isAbout": [ + { + "name": "energy conversion efficiency", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140049/" + } + ], + "name": "conversion_factor_sec_hydrogen", + "type": "float", + "unit": "PJ/Mt", + "valueReference": [] + }, + { + "description": "Constant output ratio in relation to installed capacity. (= h/a)", + "isAbout": [ + { + "name": "unplanned availability", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00140129/" + } + ], + "name": "availability_constant", + "type": "float", + "unit": "%", + "valueReference": [] + }, + { + "description": "Absolute upper bound on level of investment in new weight capacity for a period.", + "isAbout": [ + { + "name": null, + "path": null + } + ], + "name": "capacity_w_abs_new_max", + "type": "float", + "unit": "Mt", + "valueReference": [] + }, + { + "description": "Investment costs for new capacity per unit weight.", + "isAbout": [ + { + "name": "investment cost", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00020167/" + } + ], + "name": "cost_inv_w", + "type": "float", + "unit": "M\u20ac/Mt", + "valueReference": [] + }, + { + "description": "Operation independent costs for capacity per unit weight.", + "isAbout": [ + { + "name": "fixed cost ", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00020168/" + } + ], + "name": "cost_fix_w", + "type": "float", + "unit": "M\u20ac/Mt", + "valueReference": [] + }, + { + "description": "Technical lifetime of a process.", + "isAbout": [ + { + "name": "operational life time", + "path": "http://openenergyplatform.org/ontology/oeo/OEO_00020178/" + } + ], + "name": "lifetime", + "type": "float", + "unit": "a", + "valueReference": [] + }, + { + "description": "Percentage of costs for capital after taxes. Used to calculate annuity factor for investment costs.", + "isAbout": [ + { + "name": null, + "path": null + } + ], + "name": "wacc", + "type": "text", + "unit": "%", + "valueReference": [] + }, + { + "description": "Bandwidth Type", + "isAbout": [], + "name": "bandwidth_type", + "type": "json", + "unit": null, + "valueReference": [] + }, + { + "description": "Version", + "isAbout": [], + "name": "version", + "type": "text", + "unit": null, + "valueReference": [] + }, + { + "description": "Method", + "isAbout": [], + "name": "method", + "type": "json", + "unit": null, + "valueReference": [] + }, + { + "description": "Source", + "isAbout": [], + "name": "source", + "type": "json", + "unit": null, + "valueReference": [] + }, + { + "description": "Comment", + "isAbout": [], + "name": "comment", + "type": "json", + "unit": null, + "valueReference": [] + } + ], + "foreignKeys": [], + "primaryKey": [ + "id" + ] + } + } + ], + "review": { + "badge": null, + "path": null + }, + "sources": [ + { + "description": "Parameter data model for secondary input scalars and timeseries", + "licenses": [ + { + "attribution": null, + "instruction": "You are free: To Share, To Create, To Adapt", + "name": "CC0-1.0", + "path": "https://creativecommons.org/publicdomain/zero/1.0/legalcode", + "title": "Creative Commons Zero v1.0 Universal" + } + ], + "path": "https://github.com/sedos-project/oedatamodel/tree/main/oedatamodel-parameter", + "title": "OEDatamodel-parameter" + }, + { + "description": "TAM Industry is based on TIMES and focuses on German industry energy system", + "licenses": [ + { + "attribution": "@Energy Economics and Social Analysis(ESA), IER, University of Stuttgart", + "instruction": null, + "name": "Creative Commons Attribution 4.0 International", + "path": "https://creativecommons.org/licenses/by/4.0/", + "title": "CC BY 4.0" + } + ], + "path": null, + "title": "TAM Industry Model" + } + ], + "spatial": { + "extent": "DE", + "location": "Germany", + "resolution": "NUTS-0" + }, + "subject": [ + { + "name": "Industry Sector", + "path": "http://openenergy-platform.org/ontology/oeo/OEO_00000227/" + }, + { + "name": "Industry Sub-sector", + "path": "http://openenergy-platform.org/ontology/oeo/OEO_00000227" + } + ], + "temporal": { + "referenceDate": "2021", + "timeseries": [ + { + "aggregationType": null, + "alignment": null, + "end": "2070-12-31", + "resolution": "yearly", + "start": "2021-01-01" + } + ] + }, + "title": "sedos_ind_steel_hyddri_1" +} diff --git a/tests/collections/test_fill_nans/collection.json b/tests/collections/test_fill_nans/collection.json new file mode 100644 index 0000000..f2fa348 --- /dev/null +++ b/tests/collections/test_fill_nans/collection.json @@ -0,0 +1,50 @@ +{ + "artifacts": { + "SEDOS_industry_sector": { + "ind_steel_casting_0": { + "datatype": 0, + "latest_version": "srd_range_draft", + "multiple_types": true, + "names": [ + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0", + "ind_steel_casting_0" + ], + "subjects": [ + "Industry Sector_Industry Sub-sector" + ] + }, + "ind_steel_hyddri_1": { + "datatype": 0, + "latest_version": "srd_range_draft", + "multiple_types": true, + "names": [ + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1", + "ind_steel_hyddri_1" + ], + "subjects": [ + "Industry Sector_Industry Sub-sector" + ] + } + } + }, + "name": "https://databus.openenergyplatform.org/felixmaur/collections/steel_industry_test/", + "version": "v3" +} diff --git a/tests/structures/test_fill_nans.xlsx b/tests/structures/test_fill_nans.xlsx new file mode 100644 index 0000000..e834300 Binary files /dev/null and b/tests/structures/test_fill_nans.xlsx differ diff --git a/tests/test_build_datapackage.py b/tests/test_build_datapackage.py index 99a1fbb..dfff5c8 100644 --- a/tests/test_build_datapackage.py +++ b/tests/test_build_datapackage.py @@ -228,4 +228,57 @@ def test_decomissioning(): data_adapter_industry +def test_filling_nans(): + """ + Test to fill nan values on rows where Investment is 0 or capacity is 0 + Returns + ------- + + """ + structure = Structure( + "test_fill_nans", + process_sheet="Processes_O1", + parameter_sheet="Parameter_Input-Output", + helper_sheet="Helper_O1", + ) + adapter = Adapter( + "test_fill_nans", + structure=structure, + ) + + process_adapter_map = { + "ind_steel_casting_0": "MIMOAdapter", + "ind_steel_hyddri_1": "MIMOAdapter", + } + + parameter_map = { + "DEFAULT": {"capacity_w_inst_0": "capacity", "capacity": "capacity_w_inst_0"} + } + + data_package = DataPackage.build_datapackage( + adapter, process_adapter_map, parameter_map + ) + + assert ( + data_package.parametrized_elements["ind_steel_casting_0"][ + "conversion_factor_sec_methane" + ][0] + == 1.5774000000000008 + ) + assert data_package.parametrized_elements["ind_steel_hyddri_1"][ + "conversion_factor_sec_elec_ind" + ][0] == [ + 0.7000000000000001, + 0.7000000000000001, + 0.7000000000000001, + 0.7000000000000001, + 0.7, + 0.7, + 0.7, + 0.7, + 0.7, + 0.7, + ] + + # Check wheter result would be correct